blob_id
stringlengths 40
40
| directory_id
stringlengths 40
40
| path
stringlengths 3
616
| content_id
stringlengths 40
40
| detected_licenses
sequencelengths 0
112
| license_type
stringclasses 2
values | repo_name
stringlengths 5
115
| snapshot_id
stringlengths 40
40
| revision_id
stringlengths 40
40
| branch_name
stringclasses 777
values | visit_date
timestamp[us]date 2015-08-06 10:31:46
2023-09-06 10:44:38
| revision_date
timestamp[us]date 1970-01-01 02:38:32
2037-05-03 13:00:00
| committer_date
timestamp[us]date 1970-01-01 02:38:32
2023-09-06 01:08:06
| github_id
int64 4.92k
681M
⌀ | star_events_count
int64 0
209k
| fork_events_count
int64 0
110k
| gha_license_id
stringclasses 22
values | gha_event_created_at
timestamp[us]date 2012-06-04 01:52:49
2023-09-14 21:59:50
⌀ | gha_created_at
timestamp[us]date 2008-05-22 07:58:19
2023-08-21 12:35:19
⌀ | gha_language
stringclasses 149
values | src_encoding
stringclasses 26
values | language
stringclasses 1
value | is_vendor
bool 2
classes | is_generated
bool 2
classes | length_bytes
int64 3
10.2M
| extension
stringclasses 188
values | content
stringlengths 3
10.2M
| authors
sequencelengths 1
1
| author_id
stringlengths 1
132
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
885ab0e81a4c8b85a9a027b63a65dd41a961590c | 63eae9dff408b3b8e3fa22fcfcbb012b025854bf | /shop/templatetags/app_filters.py | a440fed183a07d8b1b47772206ced7f0bffbd742 | [] | no_license | adityasam1994/dlw | 2fe88858ea80e1d04cd3c9349ecdbcf41f24bb30 | e0bc5a0b8f52e1deaa655d3d95d4860285a059bb | refs/heads/master | 2020-08-09T03:40:31.143100 | 2019-10-16T09:51:16 | 2019-10-16T10:00:07 | 213,988,198 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 6,382 | py | from django import template
from django.template.defaultfilters import stringfilter
import datetime
from django.utils import timezone
register = template.Library()
@register.filter(name='getimage')
@stringfilter
def getimage(string):
from shop.models import Image
im = Image.objects.filter(product_id=int(string))
return im[0]
@register.filter(name='getallimages')
@stringfilter
def getallimages(string):
from shop.models import Image
im = Image.objects.filter(product_id=int(string))
return im
@register.filter(name="getreviews")
@stringfilter
def getreviews(string):
from shop.models import Review
re = Review.objects.filter(product_id=int(string))
return re
@register.filter(name="getcustomer")
@stringfilter
def getcustomer(string):
from django.contrib.auth.models import User
u = User.objects.get(id=int(string))
return u
@register.filter(name='times')
def times(number):
num=0
if(number <=5 ):
num=number
else:
num=5
return range(num)
@register.filter(name="get_average_stars")
def get_average_stars(number):
from shop.models import Review
re = Review.objects.filter(product_id=number)
if len(re) != 0:
total=0
for r in re:
total=total+r.rating
average=total/len(re)
return int(round(average))
else:
return 0
@register.filter(name="get_star_count")
def get_star_count(number):
from shop.models import Review
re = Review.objects.filter(product_id=number)
return len(re)
@register.filter(name="checkcart")
def checkcart(number, uid):
from shop.models import Customer
from shop.models import Product
product=Product.objects.get(id=number)
mycart = Customer.objects.get(id=uid).cart
if mycart != "" and mycart is not None:
pp=1
cartsplit = mycart.split(",")
for c in cartsplit:
cc= c.split("/")
if int(cc[0]) == number:
pp=int(cc[1])
return pp
else:
return 1
@register.filter(name="checkcartbtn")
def checkcartbtn(number, uid):
from shop.models import Customer
from shop.models import Product
product=Product.objects.get(id=number)
mycart = Customer.objects.get(customer_id=uid).cart
if mycart != "" and mycart is not None:
pp=1
cartsplit = mycart.split(",")
for c in cartsplit:
cc= c.split("/")
if int(cc[0]) == number:
pp=int(cc[1])
return True
else:
return False
@register.filter(name="get_item_name")
@stringfilter
def get_item_name(string):
from shop.models import Product
sp=string.split("/")
pro=Product.objects.get(id=int(sp[0])).name
return pro
@register.filter(name="get_item_price")
@stringfilter
def get_item_price(string):
from shop.models import Product
from shop.models import Offer
per=0
sp=string.split("/")
off = Offer.objects.filter(percent_discount=True)
for o in off:
pros = o.product.all()
for pro in pros:
if pro.id == int(sp[0]):
per = o.percent
pro=Product.objects.get(id=int(sp[0])).price
prod = pro - (pro*per/100)
return prod
@register.filter(name="get_item_qty")
@stringfilter
def get_item_qty(string):
from shop.models import Product
sp=string.split("/")
return sp[1]
@register.filter(name="get_total_price")
@stringfilter
def get_total_price(string):
from shop.models import Product
sp=string.split("/")
pr = Product.objects.get(id=int(sp[0])).price
total=pr*int(sp[1])
return total
@register.filter(name="get_item_image")
@stringfilter
def get_item_image(string):
from shop.models import Image
sp=string.split("/")
pr = Image.objects.filter(product_id=int(sp[0]))
return pr[0]
@register.filter(name="get_cart_total")
def get_cart_total(list):
from shop.models import Product
from shop.models import Offer
tot=0
for s in list:
per=0
spp = s.split("/")
off = Offer.objects.filter(percent_discount=True)
for o in off:
pros = o.product.all()
for pro in pros:
if pro.id == int(spp[0]):
per = o.percent
prd = Product.objects.get(id=int(spp[0])).price
pr = prd - (prd*per/100)
tot=tot+(pr*int(spp[1]))
return tot
@register.filter(name="get_pid")
@stringfilter
def get_pid(string):
sp=string.split("/")
return int(sp[0])
@register.filter(name="splitorder")
def splitorder(number):
from shop.models import Order
orde = Order.objects.get(id=number).product_id
sp=orde.split(",")
return sp
@register.filter(name="checkoffer")
def checkoffer(number):
from shop.models import Offer
off = Offer.objects.filter(percent_discount=True)
ooo = None
for o in off:
pros = o.product.all()
for p in pros:
if p.id==number:
ooo= o.id
return ooo
@register.filter(name="get_off_price")
def get_off_price(number,oid):
from shop.models import Offer
off = Offer.objects.get(id=oid)
dis = off.percent
newprice = int(number * (100-dis)/100)
return newprice
@register.filter(name="get_off_percent")
def get_off_percent(number):
from shop.models import Offer
off = Offer.objects.get(id=number)
dis = int(off.percent)
return dis
@register.filter(name="get_item_count")
def get_item_count(number):
from shop.models import Customer
cus = Customer.objects.get(customer_id = number)
cart = cus.cart
cartsplit = cart.split(",")
return len(cartsplit)
@register.filter(name="get_total")
def get_total(number):
from shop.models import Customer
from shop.models import Product
cus = Customer.objects.get(customer_id = number)
cart = cus.cart
cartsplit = cart.split(",")
tot=0
for c in cartsplit:
cc=c.split("/")
price = Product.objects.get(id=int(cc[0])).price
tot = tot + price*int(cc[1])
return tot
@register.filter(name="canceldate")
def canceldate(number):
from shop.models import Shop_detail
cp = Shop_detail.objects.get(id=1).cancellation_period
number += datetime.timedelta(days=cp)
if timezone.now() > number:
return True
else:
return False
| [
"[email protected]"
] | |
3a12ef11cb456aa1655cff4b35934ba431905c60 | f09e98bf5de6f6c49df2dbeea93bd09f4b3b902f | /google-cloud-sdk/lib/surface/kms/__init__.py | 0d7325c69d646db4cfbaff6358f3574909329d0a | [
"LicenseRef-scancode-unknown-license-reference",
"Apache-2.0"
] | permissive | Peterfeng100/notepal | 75bfaa806e24d85189bd2d09d3cb091944dc97e6 | d5ba3fb4a06516fec4a4ae3bd64a9db55f36cfcd | refs/heads/master | 2021-07-08T22:57:17.407571 | 2019-01-22T19:06:01 | 2019-01-22T19:06:01 | 166,490,067 | 4 | 1 | null | 2020-07-25T04:37:35 | 2019-01-19T00:37:04 | Python | UTF-8 | Python | false | false | 1,892 | py | # -*- coding: utf-8 -*- #
# Copyright 2017 Google Inc. 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.
"""The command group for all of the Cloud KMS API."""
from __future__ import absolute_import
from __future__ import division
from __future__ import unicode_literals
from googlecloudsdk.calliope import base
@base.ReleaseTracks(base.ReleaseTrack.ALPHA, base.ReleaseTrack.BETA,
base.ReleaseTrack.GA)
class CloudKms(base.Group):
"""Manage cryptographic keys in the cloud.
The gcloud kms command group lets you generate, use, rotate and destroy
Google Cloud KMS keys.
Cloud KMS is a cloud-hosted key management service that lets you manage
encryption for your cloud services the same way you do on-premises. You can
generate, use, rotate and destroy AES256 encryption keys. Cloud KMS is
integrated with IAM and Cloud Audit Logging so that you can manage
permissions on individual keys, and monitor how these are used. Use Cloud
KMS to protect secrets and other sensitive data which you need to store in
Google Cloud Platform.
More information on Cloud KMS can be found here:
https://cloud.google.com/kms/ and detailed documentation can be found here:
https://cloud.google.com/kms/docs/
"""
category = 'Identity and Security'
def Filter(self, context, args):
del context, args
base.DisableUserProjectQuota()
| [
"[email protected]"
] | |
59126b8ece1459e9fd42f05f6d93addec62fcf95 | 8698757521458c2061494258886e5d3cdfa6ff11 | /word_embeddings/test/cross_validation_similarity.py | d138d4f193b83f117eac6f5e0a6ce69b794d605a | [
"MIT"
] | permissive | ricvo/argo | 546c91e84d618c4bc1bb79a6bc7cba01dca56d57 | a10c33346803239db8a64c104db7f22ec4e05bef | refs/heads/master | 2023-02-25T01:45:26.412280 | 2020-07-05T22:55:35 | 2020-07-05T22:55:35 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,995 | py | # export LC_ALL=en_US.UTF-8.
import pickle
from core.measures import evaluate_similarity_on_reverse_split
import numpy as np
import pandas as pd
import argparse
import os
def evaluate_cross_sim_and_org(dictionary, dataset, i_split, dataset_split, method, couples_data, ntop=1, cvcorrs={}):
p, I_inv, DV, I_norm, I_prod = methods_args[method]
sorted_data = sorted(couples_data, reverse=True, key=lambda x: x[1])
top_alphas, top_sims = zip(*sorted_data[:ntop])
if cvcorrs.get(dataset_split, None) is None:
cvcorrs[dataset_split] = {}
if cvcorrs[dataset_split].get(method, None) is None:
cvcorrs[dataset_split][method] = []
for alpha in top_alphas:
simeval = make_simeval(p_embeddings, dictionary, alpha, I_inv, DV,
p, I_norm, I_prod, method="cos")
corr = evaluate_similarity_on_reverse_split(dictionary, simeval, dataset, i_split)
cvcorrs[dataset_split][method].append([alpha, corr])
print("{} alpha {}:".format(dataset_split, alpha))
print('SPEARMAN CORR: %.2f ' % corr)
def make_simeval(p_embeddings, dictionary, alpha, I_inv, DV,
p, I_norm, I_prod, method="cos"):
def simeval(words1, words2):
return similarity_logmap_Esubmodel_trick(p_embeddings, dictionary, words1, words2,
alpha, I_inv, DV, p, I_prod, I_norm=I_norm,
method=method)
return simeval
def load_from_dir(simdir):
alphas = np.load(simdir + "/alphas.npy")
I0 = np.load(simdir + "/fisher-0.npy")
# I0_inv = np.linalg.inv(I0)
Iu = np.load(simdir + "/fisher-u.npy")
# Iu_inv = np.linalg.inv(Iu)
with open(simdir+"/base-similarities.pkl", 'rb') as f:
base_similarities = pickle.load(f)
with open(simdir+"/alpha-similarities.pkl", 'rb') as f:
alpha_similarities = pickle.load(f)
return alphas, I0, Iu, base_similarities, alpha_similarities
def main():
parser = argparse.ArgumentParser(description='Make cross-validation correlations.',
formatter_class=argparse.ArgumentDefaultsHelpFormatter)
parser.add_argument('simdir', type=str, help="directory where to find similarity results")
parser.add_argument('--ntop', '-t', type=int, help="how many top")
args = parser.parse_args()
simdir = args.simdir
wemb_id = os.path.basename(os.path.normpath(simdir))
corpus, vstr, nstr = wemb_id.split('-')
vecsize = int(vstr[1:])
nepoch = int(nstr[1:])
ntop = args.ntop
alphas, I0, Iu, base_similarities, alpha_similarities = load_from_dir(simdir)
outputname = os.path.join(simdir, "alpha-similarities-cross-val-top{}.json".format(ntop))
datasets = ["wordsim353",
"mc", "rg", "scws",
"wordsim353sim", "wordsim353rel",
"men", "mturk287", "rw", "simlex999"
]
n_splits = 3
cvcorrs = {}
for d in datasets:
for m in methods_args:
curves = []
for n in range(n_splits):
all_couples = []
ds = d + "-split_{:}".format(n)
# load small, mid and large and merge
for key in data:
all_couples += list(zip(alphas[key], data[key][ds][m]))
all_couples.sort(key=lambda x: x[0])
all_couples = [(a, v) for a, v in all_couples if np.abs(a)<=70.1]
all_couples = [(a,v) for a,v in all_couples if not np.isnan(v)]
#find best top alphas
# calculate reverse for the selected alpha
# store results in the form {m: [(a1, s1), (a2, s2),...]}
evaluate_cross_sim_and_org(v_dictionary, d, n, ds, m, all_couples, ntop, cvcorrs=cvcorrs)
df = pd.DataFrame(cvcorrs)
df.to_csv(outputname, sep=' ')
if __name__ == "__main__":
main()
| [
"[email protected]"
] | |
61ed638564f28791b24b7cd7c21897b32fe62fd0 | c93080264201fe6d0c84a79ae435022981d8ccf6 | /panoptic/panoptic/doctype/facial_recognition_system/facial_recognition_system.py | 85576d855955e672d0df3ef2428a5befc108e3a5 | [
"MIT"
] | permissive | wisharya/panoptic | 100e733e9aad33d087851fc4ea9bd064e81954f2 | 7c9a0eeb6bd5d9032087ccb7c805a3e65a357ba8 | refs/heads/master | 2023-07-09T14:20:45.377441 | 2021-08-25T06:58:45 | 2021-08-25T06:58:45 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 289 | py | # -*- coding: utf-8 -*-
# Copyright (c) 2020, Internet Freedom Foundation and contributors
# For license information, please see license.txt
from __future__ import unicode_literals
# import frappe
from frappe.model.document import Document
class FacialRecognitionSystem(Document):
pass
| [
"[email protected]"
] | |
aff2e3d4a8b31eea14b1f27deb841c7f6fd6b5ff | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03139/s434904278.py | 34502437335082bac61aadf38d8e30ed218dbb86 | [] | no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 87 | py | n,a,b = map(int,input().split(' '))
print("{0} {1}".format(min(a,b),max(a + b - n,0)))
| [
"[email protected]"
] | |
71227b941e2809759abccb685f70469423fba4e5 | 431a1f738b1edfba7dad8d10a6b7520d51d917cb | /Samples/UserSamples/2017/xH_Differential_Reco/xH_NJETS_0_Config.py | 4e0a6fdf11273f15866df7c41142cd35efb04132 | [] | no_license | aloeliger/DatacardCreator | 5ce702e46fbb77e843b44d8fe088c2645a4a8f66 | 5c7e890276a5be079ed3b677a471c1dcadcba52d | refs/heads/master | 2022-02-26T19:52:30.563747 | 2022-02-16T20:24:48 | 2022-02-16T20:24:48 | 215,602,523 | 0 | 1 | null | null | null | null | UTF-8 | Python | false | false | 2,623 | py | from Samples.SampleDefinition import Sample
from Samples.Uncertainties.UserUncertainties.TES import TESUncertainty
from Samples.Uncertainties.UserUncertainties.Signal_JES_17 import JES17Uncertainty
from Samples.Uncertainties.UserUncertainties.JER import JERUncertainty
from Samples.Uncertainties.UserUncertainties.MetRecoil import MetRecoilUncertainty
from Samples.Uncertainties.UserUncertainties.MuonES import MuonESUncertainty
from Samples.Uncertainties.UserUncertainties.Prefiring import PrefiringUncertainty
from Samples.Uncertainties.UserUncertainties.TauID import TauIDUncertainty
from Samples.Uncertainties.UserUncertainties.Trigger17_18 import Trigger1718Uncertainty
#from Samples.Uncertainties.UserUncertainties.qqHTheory import qqHTheoryUncertainty
from Samples.Uncertainties.UserUncertainties.QCDAcceptanceUncertainties.DifferentialUncertainties.NJets_QCD_Uncertainties.GGZH_NJets_Differential_QCDScale_Uncertainty import GGZH_NJets_Differential_QCDScale_Uncertainty
from Samples.Uncertainties.UserUncertainties.QCDAcceptanceUncertainties.DifferentialUncertainties.NJets_QCD_Uncertainties.VH_NJets_Differential_QCDScale_Uncertainty import VH_NJets_Differential_QCDScale_Uncertainty
from Samples.Uncertainties.UserUncertainties.QCDAcceptanceUncertainties.DifferentialUncertainties.NJets_QCD_Uncertainties.qqH_NJets_Differential_QCDScale_Uncertainty import qqH_NJets_Differential_QCDScale_Uncertainty
from Samples.Uncertainties.UserUncertainties.QCDAcceptanceUncertainties.DifferentialUncertainties.NJets_QCD_Uncertainties.ttH_NJets_Differential_QCDScale_Uncertainty import ttH_NJets_Differential_QCDScale_Uncertainty
from Samples.EventDefinition.UserEventDictionaries.MuTauEventDictionary import MuTauEventDictionary
VBFSample = Sample()
VBFSample.name = 'xH_recoNJ_0'
VBFSample.path = '/data/aloeliger/SMHTT_Selected_2017_Deep/'
VBFSample.files = ['VBF.root','WHPlus.root','WHMinus.root','ZH.root','GGZHLLTT.root','GGZHNNTT.root','GGZHQQTT.root','ttH.root']
VBFSample.definition = 'is_Fiducial == 1.0 && njets == 0'
VBFSample.uncertainties = [
TESUncertainty(),
JES17Uncertainty(),
JERUncertainty(),
MetRecoilUncertainty(),
MuonESUncertainty(),
PrefiringUncertainty(),
TauIDUncertainty(),
Trigger1718Uncertainty(),
#qqHTheoryUncertainty(),
GGZH_NJets_Differential_QCDScale_Uncertainty(),
VH_NJets_Differential_QCDScale_Uncertainty(),
qqH_NJets_Differential_QCDScale_Uncertainty(),
ttH_NJets_Differential_QCDScale_Uncertainty(),
]
VBFSample.eventDictionaryInstance = MuTauEventDictionary
VBFSample.CreateEventWeight = VBFSample.CreateEventWeight_Standard
| [
"[email protected]"
] | |
8564fae4ea4edaef15f390a4f927ccfa825c49e8 | f45cc0049cd6c3a2b25de0e9bbc80c25c113a356 | /LeetCode/机器学习(ML)/plot_feature_transformation.py | c4a45b398f7482bac992a174a2f4a2381777a1fa | [] | no_license | yiming1012/MyLeetCode | 4a387d024969bfd1cdccd4f581051a6e4104891a | e43ee86c5a8cdb808da09b4b6138e10275abadb5 | refs/heads/master | 2023-06-17T06:43:13.854862 | 2021-07-15T08:54:07 | 2021-07-15T08:54:07 | 261,663,876 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 5,090 | py | """
===============================================
Feature transformations with ensembles of trees
===============================================
Transform your features into a higher dimensional, sparse space. Then train a
linear model on these features.
First fit an ensemble of trees (totally random trees, a random forest, or
gradient boosted trees) on the training set. Then each leaf of each tree in the
ensemble is assigned a fixed arbitrary feature index in a new feature space.
These leaf indices are then encoded in a one-hot fashion.
Each sample goes through the decisions of each tree of the ensemble and ends up
in one leaf per tree. The sample is encoded by setting feature values for these
leaves to 1 and the other feature values to 0.
The resulting transformer has then learned a supervised, sparse,
high-dimensional categorical embedding of the data.
"""
# Author: Tim Head <[email protected]>
#
# License: BSD 3 clause
# print(__doc__)
from sklearn import set_config
set_config(display='diagram')
# %%
# First, we will create a large dataset and split it into three sets:
#
# - a set to train the ensemble methods which are later used to as a feature
# engineering transformer;
# - a set to train the linear model;
# - a set to test the linear model.
#
# It is important to split the data in such way to avoid overfitting by leaking
# data.
from sklearn.datasets import make_classification
from sklearn.model_selection import train_test_split
X, y = make_classification(n_samples=80000, random_state=10)
X_full_train, X_test, y_full_train, y_test = train_test_split(
X, y, test_size=0.5, random_state=10)
X_train_ensemble, X_train_linear, y_train_ensemble, y_train_linear = \
train_test_split(X_full_train, y_full_train, test_size=0.5,
random_state=10)
# %%
# For each of the ensemble methods, we will use 10 estimators and a maximum
# depth of 3 levels.
n_estimators = 10
max_depth = 3
# %%
# First, we will start by training the random forest and gradient boosting on
# the separated training set
from sklearn.ensemble import RandomForestClassifier, GradientBoostingClassifier
random_forest = RandomForestClassifier(
n_estimators=n_estimators, max_depth=max_depth, random_state=10)
random_forest.fit(X_train_ensemble, y_train_ensemble)
gradient_boosting = GradientBoostingClassifier(
n_estimators=n_estimators, max_depth=max_depth, random_state=10)
_ = gradient_boosting.fit(X_train_ensemble, y_train_ensemble)
# %%
# The :class:`~sklearn.ensemble.RandomTreesEmbedding` is an unsupervised method
# and thus does not required to be trained independently.
from sklearn.ensemble import RandomTreesEmbedding
random_tree_embedding = RandomTreesEmbedding(
n_estimators=n_estimators, max_depth=max_depth, random_state=0)
# %%
# Now, we will create three pipelines that will use the above embedding as
# a preprocessing stage.
#
# The random trees embedding can be directly pipelined with the logistic
# regression because it is a standard scikit-learn transformer.
from sklearn.linear_model import LogisticRegression
from sklearn.pipeline import make_pipeline
rt_model = make_pipeline(
random_tree_embedding, LogisticRegression(max_iter=1000))
rt_model.fit(X_train_linear, y_train_linear)
# %%
# Then, we can pipeline random forest or gradient boosting with a logistic
# regression. However, the feature transformation will happen by calling the
# method `apply`. The pipeline in scikit-learn expects a call to `transform`.
# Therefore, we wrapped the call to `apply` within a `FunctionTransformer`.
from sklearn.preprocessing import FunctionTransformer
from sklearn.preprocessing import OneHotEncoder
def rf_apply(X, model):
return model.apply(X)
rf_leaves_yielder = FunctionTransformer(
rf_apply, kw_args={"model": random_forest})
rf_model = make_pipeline(
rf_leaves_yielder, OneHotEncoder(handle_unknown="ignore"),
LogisticRegression(max_iter=1000))
rf_model.fit(X_train_linear, y_train_linear)
# %%
def gbdt_apply(X, model):
return model.apply(X)[:, :, 0]
gbdt_leaves_yielder = FunctionTransformer(
gbdt_apply, kw_args={"model": gradient_boosting})
gbdt_model = make_pipeline(
gbdt_leaves_yielder, OneHotEncoder(handle_unknown="ignore"),
LogisticRegression(max_iter=1000))
gbdt_model.fit(X_train_linear, y_train_linear)
# %%
# We can finally show the different ROC curves for all the models.
import matplotlib.pyplot as plt
from sklearn.metrics import plot_roc_curve
fig, ax = plt.subplots()
models = [
("RT embedding -> LR", rt_model),
("RF", random_forest),
("RF embedding -> LR", rf_model),
("GBDT", gradient_boosting),
("GBDT embedding -> LR", gbdt_model),
]
model_displays = {}
for name, pipeline in models:
model_displays[name] = plot_roc_curve(
pipeline, X_test, y_test, ax=ax, name=name)
_ = ax.set_title('ROC curve')
# %%
fig, ax = plt.subplots()
for name, pipeline in models:
model_displays[name].plot(ax=ax)
ax.set_xlim(0, 0.2)
ax.set_ylim(0.8, 1)
_ = ax.set_title('ROC curve (zoomed in at top left)')
| [
"[email protected]"
] | |
58eb34d13830641c05a389e7f32d562c587efb98 | e79fb97c06e3a75bd0cf6135fbbd6c1ac08492cb | /cnn/vgg16net.py | 1c14e72e799125617b2cdc37f77caf322527616b | [
"MIT"
] | permissive | nocotan/chainer-examples | b1021e98654a6d377cc4669c7cedd57bca4f692d | d2b736231c6a6c2ba1effa3ddeb90770d7e020d9 | refs/heads/master | 2021-09-11T12:42:31.612581 | 2018-04-07T05:40:22 | 2018-04-07T05:40:22 | 78,973,921 | 13 | 3 | null | null | null | null | UTF-8 | Python | false | false | 2,288 | py | # -*- coding: utf-8 -*-
import chainer
import chainer.functions as F
import chainer.links as L
class VGG16Net(chainer.Chain):
def __init__(self, num_class, train=True):
super(VGG16Net, self).__init__()
with self.init_scope():
self.conv1=L.Convolution2D(None, 64, 3, stride=1, pad=1)
self.conv2=L.Convolution2D(None, 64, 3, stride=1, pad=1)
self.conv3=L.Convolution2D(None, 128, 3, stride=1, pad=1)
self.conv4=L.Convolution2D(None, 128, 3, stride=1, pad=1)
self.conv5=L.Convolution2D(None, 256, 3, stride=1, pad=1)
self.conv6=L.Convolution2D(None, 256, 3, stride=1, pad=1)
self.conv7=L.Convolution2D(None, 256, 3, stride=1, pad=1)
self.conv8=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.conv9=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.conv10=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.conv11=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.conv12=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.conv13=L.Convolution2D(None, 512, 3, stride=1, pad=1)
self.fc14=L.Linear(None, 4096)
self.fc15=L.Linear(None, 4096)
self.fc16=L.Linear(None, num_class)
def __call__(self, x):
h = F.relu(self.conv1(x))
h = F.max_pooling_2d(F.local_response_normalization(
F.relu(self.conv2(h))), 2, stride=2)
h = F.relu(self.conv3(h))
h = F.max_pooling_2d(F.local_response_normalization(
F.relu(self.conv4(h))), 2, stride=2)
h = F.relu(self.conv5(h))
h = F.relu(self.conv6(h))
h = F.max_pooling_2d(F.local_response_normalization(
F.relu(self.conv7(h))), 2, stride=2)
h = F.relu(self.conv8(h))
h = F.relu(self.conv9(h))
h = F.max_pooling_2d(F.local_response_normalization(
F.relu(self.conv10(h))), 2, stride=2)
h = F.relu(self.conv11(h))
h = F.relu(self.conv12(h))
h = F.max_pooling_2d(F.local_response_normalization(
F.relu(self.conv13(h))), 2, stride=2)
h = F.dropout(F.relu(self.fc14(h)))
h = F.dropout(F.relu(self.fc15(h)))
h = self.fc16(h)
return h
| [
"[email protected]"
] | |
f3097de81d59a4155e526536d2ae31e634e087bb | ddaa20f2ff0aaed4c6beeba888c4213405fdd586 | /pypi_server/timeit.py | fe647520cadd0075e0453b61ab33572b87994218 | [
"MIT"
] | permissive | mosquito/pypi-server | 689fb84dd0cc56a70c7bfa6157b8defa76d774d8 | 825571aae6fd17616e404ad8a9b72ef791a4fc46 | refs/heads/master | 2023-08-17T14:17:50.177008 | 2021-11-14T17:11:52 | 2021-11-14T17:11:52 | 47,583,364 | 129 | 58 | MIT | 2021-11-14T17:11:53 | 2015-12-07T22:30:53 | Python | UTF-8 | Python | false | false | 899 | py | # encoding: utf-8
import logging
from functools import wraps
from time import time
from concurrent.futures import Future
log = logging.getLogger(__name__)
def timeit(func):
def log_result(start_time):
log.debug(
'Time of execution function "%s": %0.6f',
".".join(filter(
None,
(
func.__module__,
func.__class__.__name__ if hasattr(func, '__class__') else None,
func.__name__
)
)),
time() - start_time
)
@wraps(func)
def wrap(*args, **kwargs):
start_time = time()
result = func(*args, **kwargs)
if isinstance(result, Future):
result.add_done_callback(lambda x: log_result(start_time))
else:
log_result(start_time)
return result
return wrap
| [
"[email protected]"
] | |
bcc61ff9bf262293e63ef856b9d30ee0a7801739 | e10a6d844a286db26ef56469e31dc8488a8c6f0e | /simulation_research/traffic/millvalley_simulation_script.py | 09200745ec84f13ebc4cef742e473e76859faf46 | [
"Apache-2.0",
"CC-BY-4.0"
] | permissive | Jimmy-INL/google-research | 54ad5551f97977f01297abddbfc8a99a7900b791 | 5573d9c5822f4e866b6692769963ae819cb3f10d | refs/heads/master | 2023-04-07T19:43:54.483068 | 2023-03-24T16:27:28 | 2023-03-24T16:32:17 | 282,682,170 | 1 | 0 | Apache-2.0 | 2020-07-26T15:50:32 | 2020-07-26T15:50:31 | null | UTF-8 | Python | false | false | 9,247 | py | # coding=utf-8
# Copyright 2022 The Google Research Authors.
#
# 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.
r"""Script.
Command line example:
blaze-bin/research/simulation/traffic/random_traffic_script_mtv \
-n map/mtv_medium_filtered_typed.net.xml -N 1000
"""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import os
from absl import app
from absl import flags
import matplotlib.pylab as pylab
import numpy as np
from six.moves import zip
import sumolib
from simulation_research.traffic import evacuation_simulation
from simulation_research.traffic import file_util
from simulation_research.traffic import map_visualizer
from simulation_research.traffic import simulation_data_parser
FLAGS = flags.FLAGS
flags.DEFINE_string('sumo_net_file', 'map/millvalley.net.xml',
'input network file in sumo format')
flags.DEFINE_string('output_dir', 'output', 'output folder')
flags.DEFINE_float('demand_mean_hours', 3,
'The mean of the demands (in hours).')
flags.DEFINE_float('demand_stddev_hours', 1,
'The standard deviation of the demands (in hours).')
flags.DEFINE_float('population_portion', 1,
'The percentage of cars that need to be generated.')
MILL_VALLEY_RESIDENTIAL_CAR_DENSITY = 0.028
MILL_VALLEY_SERVING_CAR_DENSITY = MILL_VALLEY_RESIDENTIAL_CAR_DENSITY * 4
def scenarios_summary_comparison(output_dir):
"""Compare different scenarios."""
data_parser = simulation_data_parser.SimulationDataParser()
visualizer = map_visualizer.MapVisualizer()
fig = pylab.figure(figsize=(8, 6))
ax = fig.add_subplot(111)
demands = file_util.load_variable(
'MillValley_template/demands/demands_taz_tuple_std_0.5_portion_1.pkl')
sorted_demands = sorted(demands, key=lambda x: x.time)
demand_time_line = [x.time for x in sorted_demands]
demand_car_count = [x.num_cars for x in sorted_demands]
cumulative_values = np.cumsum(demand_car_count) / sum(demand_car_count)
pylab.plt.plot(np.array(demand_time_line) / 3600,
cumulative_values, label='Demands')
summary = data_parser.parse_summary_file(
'MillValley_RevRd_noTFL/output_std_0.5_portion_1/summary.xml')
time_line = np.array(summary['time']) / 3600
cumulative_values = np.array(summary['ended']) / sum(demand_car_count)
pylab.plt.plot(time_line, cumulative_values, label='New scenario')
summary = data_parser.parse_summary_file(
'MillValley_auto_routing_baseline/output_std_0.5_portion_1/summary.xml')
time_line = np.array(summary['time']) / 3600
cumulative_values = np.array(summary['ended']) / sum(demand_car_count)
pylab.plt.plot(time_line, cumulative_values, label='Baseline auto-routing')
summary = data_parser.parse_summary_file(
'MillValley_shortest_path_baseline/output_std_0.5_portion_1/summary.xml')
time_line = np.array(summary['time']) / 3600
cumulative_values = np.array(summary['ended']) / sum(demand_car_count)
pylab.plt.plot(time_line, cumulative_values, label='Baseline fixed path')
visualizer.add_pertentage_interception_lines(
time_line, cumulative_values, [0.5, .9, .95])
pylab.plt.xlabel('Time [h]')
pylab.plt.ylabel('Cummulative vehicles')
ax.autoscale_view(True, True, True)
# pylab.plt.xlim(0, 8)
pylab.plt.legend(loc='lower right')
pylab.savefig(
os.path.join(output_dir, 'MV_evacuation_curve_std_0.5_comparison.pdf'))
def scenarios_detector_comparison(output_dir):
"""Compare different scenarios."""
data_parser = simulation_data_parser.SimulationDataParser()
visualizer = map_visualizer.MapVisualizer()
fig = pylab.figure(figsize=(8, 6))
ax = fig.add_subplot(111)
load_input = file_util.load_variable(
'Paradise_reverse_roads/demands/demands_taz_tuple.pkl')
load_input = sorted(load_input)
demand_time_line, _, demand_car_count = list(zip(*load_input))
cumulative_values = np.cumsum(demand_car_count)
pylab.plt.plot(np.array(demand_time_line) / 3600, cumulative_values)
# print(cumulative_values[-1])
# print(np.sum(demand_car_count))
# visualizer.add_pertentage_interception_lines(
# np.array(demand_time_line) / 3600, demand_car_count, [0.5, .9, .95])
detector_trajectory_folder = 'Paradise_reverse_roads/output/detector/detector_trajectory/'
(time_line, arrival_car_count) = file_util.load_variable(
detector_trajectory_folder + 'all_arrival_flow.pkl')
cumulative_values = np.cumsum(arrival_car_count)
print(cumulative_values[-1])
pylab.plt.plot(time_line, cumulative_values)
visualizer.add_pertentage_interception_lines(
time_line, arrival_car_count, [0.5, .9, .95])
detector_trajectory_folder = 'Paradise_auto_routing/output/detector/detector_trajectory/'
(time_line, arrival_car_count) = file_util.load_variable(
detector_trajectory_folder + 'all_arrival_flow.pkl')
cumulative_values = np.cumsum(arrival_car_count)
print(cumulative_values[-1])
pylab.plt.plot(time_line / 3600, cumulative_values)
# visualizer.add_pertentage_interception_lines(
# time_line, arrival_car_count, [0.5, .9, .95])
detector_trajectory_folder = 'Paradise_2s_baseline/output/detector/detector_trajectory/'
(time_line, arrival_car_count) = file_util.load_variable(
detector_trajectory_folder + 'all_arrival_flow.pkl')
cumulative_values = np.cumsum(arrival_car_count)
print(cumulative_values[-1])
pylab.plt.plot(time_line, cumulative_values)
pylab.plt.xlabel('Time [h]')
pylab.plt.ylabel('Cummulative vehicles')
ax.autoscale_view(True, True, True)
pylab.savefig(os.path.join(output_dir, 'scenarios_arrival_comparison.pdf'))
def plot_path(sumo_net_file):
"""Plot path."""
net = sumolib.net.readNet(sumo_net_file)
map_visualier = map_visualizer.MapVisualizer(net)
edge_from = '-12183460#1'
edge_to = '23797526'
route_length = map_visualier.plot_shortest_path(edge_from, edge_to)
print(route_length)
edge_from = '-12183460#1'
edge_to = '35869652'
route_length = map_visualier.plot_shortest_path(edge_from, edge_to)
print(route_length)
def main(_):
analyzer = evacuation_simulation.EvacuationSimulationAnalyzer(
FLAGS.output_dir, FLAGS.sumo_net_file)
analyzer.generate_evacuation_taz_demands(
MILL_VALLEY_RESIDENTIAL_CAR_DENSITY,
MILL_VALLEY_SERVING_CAR_DENSITY,
FLAGS.demand_mean_hours,
FLAGS.demand_stddev_hours,
FLAGS.population_portion)
# analyzer.compare_demands_difference()
# evacuation_edges = ['35869652', # US 101 South
# '394150403', # US 101 South
# '394150423', # US 101 South
# '30682440', # US 101 North
# '23797526', # US 101 North.
# '12172460#0'] # US 101 North.
# analyzer.generate_evacuation_shortest_path_demands(
# MILL_VALLEY_RESIDENTIAL_CAR_DENSITY,
# MILL_VALLEY_SERVING_CAR_DENSITY,
# evacuation_edges,
# FLAGS.demand_mean_hours,
# 0.5,
# FLAGS.population_portion)
# analyzer.parse_fcd_results_single_file(hours=0.5)
# analyzer.parse_fcd_results_multiple_files()
# analyzer.visualize_fcd_on_map()
# analyzer.plot_save_detector_data_normal()
# analyzer.plot_save_detector_data_reverse()
# demand_files = [
# # 'demands/demands_taz_tuple_std_0.1.pkl',
# # 'demands/demands_taz_tuple_std_0.2.pkl',
# # 'demands/demands_taz_tuple_std_0.4.pkl',
# 'demands/demands_taz_tuple_std_1.0_portion_1.pkl',
# 'demands/demands_taz_tuple_std_1.0_portion_0.9.pkl',
# 'demands/demands_taz_tuple_std_1.0_portion_0.8.pkl',
# 'demands/demands_taz_tuple_std_1.0_portion_0.5.pkl',
# # 'demands/demands_taz_tuple_std_0.7.pkl',
# # 'demands/demands_taz_tuple_std_1.0.pkl',
# # 'demands/demands_taz_tuple_std_1.5.pkl',
# # 'demands/demands_taz_tuple_std_2.0.pkl',
# ]
# output_dirs = [
# # 'output_std_0.1',
# # 'output_std_0.2',
# # 'output_std_0.4',
# 'output_std_1.0_portion_1',
# 'output_std_1.0_portion_0.9',
# 'output_std_1.0_portion_0.8',
# 'output_std_1.0_portion_0.5',
# # 'output_std_0.7',
# # 'output_std_1.0',
# # 'output_std_1.5',
# # 'output_std_2.0',
# ]
# labels = ['Portion=100%', 'Portion=90%', 'Portion=80%', 'Portion=50%']
# analyzer.plot_summary_demands_vs_evacuation_group(
# demand_files, output_dirs, labels)
# scenarios_summary_comparison(FLAGS.output_dir)
# scenarios_detector_comparison(FLAGS.output_dir)
# analyzer.plot_traveling_time()
# plot_path(FLAGS.sumo_net_file)
# analyzer.plot_map('Mill_Valley_map.pdf')
# analyzer.data_explore()
if __name__ == '__main__':
app.run(main)
| [
"[email protected]"
] | |
70af007d7f7ce4b7ee0a57b362e9ffa3749b1eb9 | f0d713996eb095bcdc701f3fab0a8110b8541cbb | /pAFxfge35bT3zj4Bs_24.py | fbbbfecf880247970104edc5a6cad8636470e2df | [] | no_license | daniel-reich/turbo-robot | feda6c0523bb83ab8954b6d06302bfec5b16ebdf | a7a25c63097674c0a81675eed7e6b763785f1c41 | refs/heads/main | 2023-03-26T01:55:14.210264 | 2021-03-23T16:08:01 | 2021-03-23T16:08:01 | 350,773,815 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 643 | py | """
Write a function that accepts `base` (decimal), `height` (decimal) and `shape`
("triangle", "parallelogram") as input and calculates the area of that shape.
### Examples
area_shape(2, 3, "triangle") ➞ 3
area_shape(8, 6, "parallelogram") ➞ 48
area_shape(2.9, 1.3, "parallelogram") ➞ 3.77
### Notes
* Area of a triangle is `0.5 * b * h`
* Area of a parallelogram is `b * h`
* Assume triangle and parallelogram are the only inputs for `shape`.
"""
def area_shape(base, height, shape):
area =()
if shape == "triangle":
area = 0.5*base*height
else:
area = base*height
return area
| [
"[email protected]"
] | |
1a2055c82f8b2b3d858e86a5931e89220f739c3f | c3a84a07539c33040376f2c1e140b1a1041f719e | /wagtail-stubs/users/utils.pyi | 6e8f3c6034fd36111d79271ece10284a95e4e72c | [] | no_license | tm-kn/tmp-wagtail-stubs | cc1a4434b7142cb91bf42efb7daad006c4a7dbf4 | 23ac96406610b87b2e7751bc18f0ccd27f17eb44 | refs/heads/master | 2023-01-20T14:41:33.962460 | 2020-11-30T23:15:38 | 2020-11-30T23:15:38 | 317,332,280 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 293 | pyi | from typing import Any
from wagtail.core.compat import AUTH_USER_APP_LABEL as AUTH_USER_APP_LABEL, AUTH_USER_MODEL_NAME as AUTH_USER_MODEL_NAME
delete_user_perm: Any
def user_can_delete_user(current_user: Any, user_to_delete: Any): ...
def get_gravatar_url(email: Any, size: int = ...): ...
| [
"[email protected]"
] | |
e3a39fc46f0ee31bcf4cbf6f4eef75379c9eb87e | 8242f7c33e37db242a6a839cccd6a48b79ddbfa9 | /erase/main.py | 71861978925ebc25fc1531a3c889e94202072e29 | [] | no_license | elitan/open-kattis | d2be23868f3be6613bcbf4e9381a30f283199082 | 7bec84b054c639ed3d534671bfc0f57dee289d27 | refs/heads/master | 2021-01-17T08:51:46.340776 | 2016-10-10T19:17:52 | 2016-10-10T19:17:52 | 65,326,686 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 400 | py | import fileinput
import sys
n = int(raw_input()) # we dont need this one
s_1 = map(int, list(raw_input().rstrip()))
s_2 = map(int, list(raw_input().rstrip()))
zero = (0 + n) % 2
one = (1 + n) % 2
converter = {0: zero, 1: one}
c = 0
s_len = len(s_1)
while c < s_len:
if converter[s_1[c]] != s_2[c]:
print("Deletion failed")
sys.exit()
c += 1
print("Deletion succeeded")
| [
"[email protected]"
] | |
5ecce4c7bc6f82cb036331ca45fb67166154c4e5 | bbe53d0171efbc78ca43f409b4a5235df51f36fa | /learning/djangoLearning/django-start/mysite/dev_settings.py | 24dea2919335488abf7ac20fb0a273ed26c2b821 | [] | no_license | brianwang/gftop | 2758ec93e326ba5e801af48f951c73b5761bb25d | 12a48eafb5114da325515fce4b97e744638e6faf | refs/heads/master | 2021-01-12T08:16:43.816679 | 2012-12-12T16:25:29 | 2012-12-12T16:25:29 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 784 | py | from os import getcwd
MYSITE_BASE_DIR = getcwd()
DEBUG = True
TEMPLATE_DEBUG = DEBUG
SUPER_USER_NAME = 'admin'
SUPER_USER_EMAIL = '[email protected]'
SUPER_USER_PASSWORD = 'admin'
SITE_URL = '127.0.0.1:8000'
SITE_NAME = 'MySite'
DATABASE_ENGINE = 'sqlite3' # 'postgresql_psycopg2', 'postgresql', 'mysql', 'sqlite3' or 'oracle'.
DATABASE_NAME = 'mysite.db' # Or path to database file if using sqlite3.
DATABASE_USER = '' # Not used with sqlite3.
DATABASE_PASSWORD = '' # Not used with sqlite3.
DATABASE_HOST = '' # Set to empty string for localhost. Not used with sqlite3.
DATABASE_PORT = '' # Set to empty string for default. Not used with sqlite3.
EMAIL_HOST = 'localhost'
# EMAIL_PORT =
# EMAIL_HOST_USER =
# EMAIL_HOST_PASSWORD = | [
"gaofeitop@0700f6e2-4af4-11de-a39b-05eb13f3dc65"
] | gaofeitop@0700f6e2-4af4-11de-a39b-05eb13f3dc65 |
ef5c21aa5d3669148a72593a4b8121792c545794 | ca61417d925ce53b83d0767224d58cd3b2da57cc | /detector_api.py | a1487f12909e4d75a8b79e58ae62ed90c5899267 | [
"Apache-2.0"
] | permissive | qilei123/mmdetection_rop | 423ed5e63a84c8eeba1cb823b14d16ed906289f8 | cbdbb2b521c94c2f3eeebb2f2069663199f679bc | refs/heads/master | 2020-05-09T23:38:28.969119 | 2019-08-20T03:21:07 | 2019-08-20T03:21:07 | 181,505,837 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 9,210 | py |
# -*- coding:utf-8 -*-
import json
import argparse
import mmcv
from mmcv.runner import load_checkpoint
from mmdet.models import build_detector
from mmdet.apis import inference_detector, show_result, show_single_category_result
import cv2
import glob
import os
import time
import matplotlib.pyplot as plt
import numpy as np
import os
import datetime
import numpy as np
def xyxy2xywh(bbox):
_bbox = bbox.tolist()
return [
_bbox[0],
_bbox[1],
_bbox[2] - _bbox[0] + 1,
_bbox[3] - _bbox[1] + 1,
]
def py_cpu_nms(dets,scores, thresh):
"""Pure Python NMS baseline."""
x1 = dets[:, 0]
y1 = dets[:, 1]
x2 = dets[:, 2]
y2 = dets[:, 3]
#scores = dets[:, 4] #bbox打分
areas = (x2 - x1 + 1) * (y2 - y1 + 1)
#打分从大到小排列,取index
order = scores.argsort()[::-1]
#keep为最后保留的边框
keep = []
while order.size > 0:
#order[0]是当前分数最大的窗口,肯定保留
i = order[0]
keep.append(i)
#计算窗口i与其他所有窗口的交叠部分的面积
xx1 = np.maximum(x1[i], x1[order[1:]])
yy1 = np.maximum(y1[i], y1[order[1:]])
xx2 = np.minimum(x2[i], x2[order[1:]])
yy2 = np.minimum(y2[i], y2[order[1:]])
w = np.maximum(0.0, xx2 - xx1 + 1)
h = np.maximum(0.0, yy2 - yy1 + 1)
inter = w * h
#交/并得到iou值
ovr = inter / (areas[i] + areas[order[1:]] - inter)
#inds为所有与窗口i的iou值小于threshold值的窗口的index,其他窗口此次都被窗口i吸收
inds = np.where(ovr <= thresh)[0]
#order里面只保留与窗口i交叠面积小于threshold的那些窗口,由于ovr长度比order长度少1(不包含i),所以inds+1对应到保留的窗口
order = order[inds + 1]
return keep
def py_cpu_softnms(dets, sc, Nt=0.3, sigma=0.5, thresh=0.001, method=2):
"""
py_cpu_softnms
:param dets: boexs 坐标矩阵 format [y1, x1, y2, x2]
:param sc: 每个 boxes 对应的分数
:param Nt: iou 交叠门限
:param sigma: 使用 gaussian 函数的方差
:param thresh: 最后的分数门限
:param method: 使用的方法
:return: 留下的 boxes 的 index
"""
# indexes concatenate boxes with the last column
N = dets.shape[0]
indexes = np.array([np.arange(N)])
dets = np.concatenate((dets, indexes.T), axis=1)
# the order of boxes coordinate is [y1,x1,y2,x2]
y1 = dets[:, 0]
x1 = dets[:, 1]
y2 = dets[:, 2]
x2 = dets[:, 3]
scores = sc
areas = (x2 - x1 + 1) * (y2 - y1 + 1)
for i in range(N):
# intermediate parameters for later parameters exchange
tBD = dets[i, :].copy()
tscore = scores[i].copy()
tarea = areas[i].copy()
pos = i + 1
#
if i != N-1:
maxscore = np.max(scores[pos:], axis=0)
maxpos = np.argmax(scores[pos:], axis=0)
else:
maxscore = scores[-1]
maxpos = 0
if tscore < maxscore:
dets[i, :] = dets[maxpos + i + 1, :]
dets[maxpos + i + 1, :] = tBD
tBD = dets[i, :]
scores[i] = scores[maxpos + i + 1]
scores[maxpos + i + 1] = tscore
tscore = scores[i]
areas[i] = areas[maxpos + i + 1]
areas[maxpos + i + 1] = tarea
tarea = areas[i]
# IoU calculate
xx1 = np.maximum(dets[i, 1], dets[pos:, 1])
yy1 = np.maximum(dets[i, 0], dets[pos:, 0])
xx2 = np.minimum(dets[i, 3], dets[pos:, 3])
yy2 = np.minimum(dets[i, 2], dets[pos:, 2])
w = np.maximum(0.0, xx2 - xx1 + 1)
h = np.maximum(0.0, yy2 - yy1 + 1)
inter = w * h
ovr = inter / (areas[i] + areas[pos:] - inter)
# Three methods: 1.linear 2.gaussian 3.original NMS
if method == 1: # linear
weight = np.ones(ovr.shape)
weight[ovr > Nt] = weight[ovr > Nt] - ovr[ovr > Nt]
elif method == 2: # gaussian
weight = np.exp(-(ovr * ovr) / sigma)
else: # original NMS
weight = np.ones(ovr.shape)
weight[ovr > Nt] = 0
scores[pos:] = weight * scores[pos:]
# select the boxes and keep the corresponding indexes
inds = dets[:, 4][scores > thresh]
keep = inds.astype(int)
return keep
def nms_result(json_result):
boxes = []
boxscores = []
for result in json_result['results']:
boxes.append([int(result['bbox'][1]),int(result['bbox'][0]),int(result['bbox'][1])+int(result['bbox'][3]),int(result['bbox'][0])+int(result['bbox'][2])])
boxscores.append(result['score'])
boxes = np.array(boxes,dtype = np.float32)
boxscores = np.array(boxscores,dtype = np.float32)
#print(boxes)
if len(boxes)>0:
#index = py_cpu_softnms(boxes, boxscores, method=3)
index = py_cpu_nms(boxes,boxscores,0.15)
#print(index)
temp_list = []
for index in index:
temp_list.append(json_result['results'][int(index)])
json_result['results']=temp_list
class lesion_detector():
def __init__(self,name='DR_lesion_detector'):
self.name = name
self.json_result = None
self.cfg = None
self.model = None
self.threshold = 0.1
def init_predictor(self,config_dir='/home/intellifai/docker_images/mmdetection4dr/configs/faster_rcnn_dr_4lesions/faster_rcnn_x101_32x4d_fpn_1x_dr_4lesions_7_a_with_focal_loss_smallset_advance_optdataset4_deephead_v1.py',model_dir='/home/intellifai/docker_images/mmdetection_models/epoch_9.pth'):
self.cfg = mmcv.Config.fromfile(config_dir)
self.cfg.model.pretrained = None
self.model = build_detector(self.cfg.model, test_cfg=self.cfg.test_cfg)
_ = load_checkpoint(self.model, model_dir)
def prediction(self,img_dir,show_save_dir='/home/intellifai/docker_images/mmdetection_models/test_pytorch_detector.jpg'):
img = mmcv.imread(img_dir)
result = inference_detector(self.model, img, self.cfg)
if isinstance(result, tuple):
bbox_result, segm_result = result
else:
bbox_result, segm_result = result, None
json_result = dict()
json_result['image_dir'] = img_dir
json_result['results']=[]
for label in range(len(bbox_result)):
bboxes = bbox_result[label]
for i in range(bboxes.shape[0]):
if float(bboxes[i][4])> self.threshold:
data = dict()
data['bbox'] = xyxy2xywh(bboxes[i])
data['score'] = float(bboxes[i][4])
data['label'] = str(label+1)
json_result['results'].append(data)
nms_result(json_result)
if not show_save_dir=='':
image = cv2.imread(img_dir)
for result in json_result['results']:
bbox = [int(result['bbox'][0]),int(result['bbox'][1]),int(result['bbox'][2]),int(result['bbox'][3])]
cv2.rectangle(image,(bbox[0],bbox[1]),(bbox[0]+bbox[2],bbox[1]+bbox[3]),(0,255,0),2)
cv2.putText(image,str(result['label']),(bbox[0]+bbox[2],bbox[1]),cv2.FONT_HERSHEY_SIMPLEX, 1,(0,255,0),2,cv2.LINE_AA)
cv2.imwrite(show_save_dir,image)
#cv2.imshow('test',image)
#cv2.waitKey(0)
self.json_result = json_result
return self.json_result
def getResult(self):
return self.json_result
def getDetectorName(self):
return self.name
import glob
def test():
LesionDetector = lesion_detector()
config_dir = 'configs/faster_rcnn_dr_4lesions/faster_rcnn_x101_32x4d_fpn_1x_dr_4lesions_7_a_with_focal_loss_smallset_advance_optdataset4_deephead_v1.py'
#model_dir = '/data0/qilei_chen/AI_EYE/BostonAI4DB7/work_dirs/faster_rcnn_r50_fpn_1x_with_focal_loss_smallset_advance_optdataset4/epoch_9.pth'
model_dir = '/home/intellifai/docker_images/mmdetection_models/epoch_9.pth'
LesionDetector.init_predictor(config_dir,model_dir)
#img_dir = '/data0/qilei_chen/Development/Datasets/KAGGLE_DR/val/0/*.jpeg'
#img_dir = '/data0/qilei_chen/AI_EYE/Messidor/cropped_base_jpeg/*.jpeg'
img_dir = '/home/intellifai/docker_images/mmdetection_models/test_data/val2014/*.jpg'
#show_save_dir = '/data0/qilei_chen/Development/test_pytorch_detector.jpg'
show_save_dir = '/home/intellifai/docker_images/mmdetection_models/test_pytorch_detector.jpg'
#show_save_dir = ''
img_dirs = glob.glob(img_dir)
#for i in range(10000):
results = dict()
results['results']=[]
for img_dir in img_dirs:
print(img_dir)
oldtime=datetime.datetime.now()
result = LesionDetector.prediction(img_dir,show_save_dir)
newtime=datetime.datetime.now()
print((newtime-oldtime).microseconds/1000)
results['results'].append(result)
with open('/data0/qilei_chen/AI_EYE/Messidor/head_v1_detect_results.json','w') as json_file:
json.dump(results,json_file)
test() | [
"[email protected]"
] | |
f6596548b7fa5559711759789d920ec0d921df4d | c30d4f174a28aac495463f44b496811ee0c21265 | /python/testData/inspections/PyChainedComparisonsInspectionWithConstantInTheMiddle/test.py | 528cf139bbeb40defe6d8ab5676c7da1bb0c5e48 | [
"Apache-2.0"
] | permissive | sarvex/intellij-community | cbbf08642231783c5b46ef2d55a29441341a03b3 | 8b8c21f445550bd72662e159ae715e9d944ba140 | refs/heads/master | 2023-05-14T14:32:51.014859 | 2023-05-01T06:59:21 | 2023-05-01T06:59:21 | 32,571,446 | 0 | 0 | Apache-2.0 | 2023-05-01T06:59:22 | 2015-03-20T08:16:17 | Java | UTF-8 | Python | false | false | 51 | py | # PY-16397
x, y = 2, 3
if x > 0 and y < 0:
pass | [
"[email protected]"
] | |
8e9763cb78dec4a5b44a07cf246af0b20cd8087e | cf5b2850dc9794eb0fc11826da4fd3ea6c22e9b1 | /xlsxwriter/test/worksheet/test_write_sheet_views2.py | e53240875a8168457b6d934d3a2a907b87e127ae | [
"BSD-2-Clause"
] | permissive | glasah/XlsxWriter | bcf74b43b9c114e45e1a3dd679b5ab49ee20a0ec | 1e8aaeb03000dc2f294ccb89b33806ac40dabc13 | refs/heads/main | 2023-09-05T03:03:53.857387 | 2021-11-01T07:35:46 | 2021-11-01T07:35:46 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,446 | py | ###############################################################################
#
# Tests for XlsxWriter.
#
# SPDX-License-Identifier: BSD-2-Clause
# Copyright (c), 2013-2021, John McNamara, [email protected]
#
import unittest
from io import StringIO
from ...worksheet import Worksheet
class TestWriteSheetViews(unittest.TestCase):
"""
Test the Worksheet _write_sheet_views() method.
"""
def setUp(self):
self.fh = StringIO()
self.worksheet = Worksheet()
self.worksheet._set_filehandle(self.fh)
def test_write_sheet_views1(self):
"""Test the _write_sheet_views() method with freeze panes"""
self.worksheet.select()
self.worksheet.freeze_panes(1, 0)
self.worksheet._write_sheet_views()
exp = '<sheetViews><sheetView tabSelected="1" workbookViewId="0"><pane ySplit="1" topLeftCell="A2" activePane="bottomLeft" state="frozen"/><selection pane="bottomLeft"/></sheetView></sheetViews>'
got = self.fh.getvalue()
self.assertEqual(got, exp)
def test_write_sheet_views2(self):
"""Test the _write_sheet_views() method with freeze panes"""
self.worksheet.select()
self.worksheet.freeze_panes(0, 1)
self.worksheet._write_sheet_views()
exp = '<sheetViews><sheetView tabSelected="1" workbookViewId="0"><pane xSplit="1" topLeftCell="B1" activePane="topRight" state="frozen"/><selection pane="topRight"/></sheetView></sheetViews>'
got = self.fh.getvalue()
self.assertEqual(got, exp)
def test_write_sheet_views3(self):
"""Test the _write_sheet_views() method with freeze panes"""
self.worksheet.select()
self.worksheet.freeze_panes(1, 1)
self.worksheet._write_sheet_views()
exp = '<sheetViews><sheetView tabSelected="1" workbookViewId="0"><pane xSplit="1" ySplit="1" topLeftCell="B2" activePane="bottomRight" state="frozen"/><selection pane="topRight" activeCell="B1" sqref="B1"/><selection pane="bottomLeft" activeCell="A2" sqref="A2"/><selection pane="bottomRight"/></sheetView></sheetViews>'
got = self.fh.getvalue()
self.assertEqual(got, exp)
def test_write_sheet_views4(self):
"""Test the _write_sheet_views() method with freeze panes"""
self.worksheet.select()
self.worksheet.freeze_panes('G4')
self.worksheet._write_sheet_views()
exp = '<sheetViews><sheetView tabSelected="1" workbookViewId="0"><pane xSplit="6" ySplit="3" topLeftCell="G4" activePane="bottomRight" state="frozen"/><selection pane="topRight" activeCell="G1" sqref="G1"/><selection pane="bottomLeft" activeCell="A4" sqref="A4"/><selection pane="bottomRight"/></sheetView></sheetViews>'
got = self.fh.getvalue()
self.assertEqual(got, exp)
def test_write_sheet_views5(self):
"""Test the _write_sheet_views() method with freeze panes"""
self.worksheet.select()
self.worksheet.freeze_panes(3, 6, 3, 6, 1)
self.worksheet._write_sheet_views()
exp = '<sheetViews><sheetView tabSelected="1" workbookViewId="0"><pane xSplit="6" ySplit="3" topLeftCell="G4" activePane="bottomRight" state="frozenSplit"/><selection pane="topRight" activeCell="G1" sqref="G1"/><selection pane="bottomLeft" activeCell="A4" sqref="A4"/><selection pane="bottomRight"/></sheetView></sheetViews>'
got = self.fh.getvalue()
self.assertEqual(got, exp)
| [
"[email protected]"
] | |
76659e18cdb1432d1c91a30be7eeb85f667e9f96 | 2befb6f2a5f1fbbd5340093db43a198abdd5f53b | /pythonProject/FBVPermission/FBVPermission/settings.py | a64ea42a4ed445c5878381f3f08aa7ccabac8eb3 | [] | no_license | JanardanPandey/RestAPI | 1956d3529782d18ef2118961f6286e3213665aad | 654933a4d9687076a00c6f4c57fc3dfee1a2c567 | refs/heads/master | 2023-06-14T07:02:31.702000 | 2021-07-02T07:50:59 | 2021-07-02T07:50:59 | 382,357,537 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,298 | py | """
Django settings for FBVPermission project.
Generated by 'django-admin startproject' using Django 3.2.3.
For more information on this file, see
https://docs.djangoproject.com/en/3.2/topics/settings/
For the full list of settings and their values, see
https://docs.djangoproject.com/en/3.2/ref/settings/
"""
from pathlib import Path
# Build paths inside the project like this: BASE_DIR / 'subdir'.
BASE_DIR = Path(__file__).resolve().parent.parent
# Quick-start development settings - unsuitable for production
# See https://docs.djangoproject.com/en/3.2/howto/deployment/checklist/
# SECURITY WARNING: keep the secret key used in production secret!
SECRET_KEY = 'django-insecure-)ys_5umafpe$al@h)y*&q^gt$#m-=d%%fztc=rfl!2xykh(@n*'
# SECURITY WARNING: don't run with debug turned on in production!
DEBUG = True
ALLOWED_HOSTS = []
# Application definition
INSTALLED_APPS = [
'django.contrib.admin',
'django.contrib.api',
'django.contrib.contenttypes',
'django.contrib.sessions',
'django.contrib.messages',
'django.contrib.staticfiles',
'FBVPermissionApp',
'rest_framework',
]
MIDDLEWARE = [
'django.middleware.security.SecurityMiddleware',
'django.contrib.sessions.middleware.SessionMiddleware',
'django.middleware.common.CommonMiddleware',
'django.middleware.csrf.CsrfViewMiddleware',
'django.contrib.api.middleware.AuthenticationMiddleware',
'django.contrib.messages.middleware.MessageMiddleware',
'django.middleware.clickjacking.XFrameOptionsMiddleware',
]
ROOT_URLCONF = 'FBVPermission.urls'
TEMPLATES = [
{
'BACKEND': 'django.template.backends.django.DjangoTemplates',
'DIRS': [],
'APP_DIRS': True,
'OPTIONS': {
'context_processors': [
'django.template.context_processors.debug',
'django.template.context_processors.request',
'django.contrib.api.context_processors.api',
'django.contrib.messages.context_processors.messages',
],
},
},
]
WSGI_APPLICATION = 'FBVPermission.wsgi.application'
# Database
# https://docs.djangoproject.com/en/3.2/ref/settings/#databases
DATABASES = {
'default': {
'ENGINE': 'django.db.backends.sqlite3',
'NAME': BASE_DIR / 'db.sqlite3',
}
}
# Password validation
# https://docs.djangoproject.com/en/3.2/ref/settings/#auth-password-validators
AUTH_PASSWORD_VALIDATORS = [
{
'NAME': 'django.contrib.api.password_validation.UserAttributeSimilarityValidator',
},
{
'NAME': 'django.contrib.api.password_validation.MinimumLengthValidator',
},
{
'NAME': 'django.contrib.api.password_validation.CommonPasswordValidator',
},
{
'NAME': 'django.contrib.api.password_validation.NumericPasswordValidator',
},
]
# Internationalization
# https://docs.djangoproject.com/en/3.2/topics/i18n/
LANGUAGE_CODE = 'en-us'
TIME_ZONE = 'UTC'
USE_I18N = True
USE_L10N = True
USE_TZ = True
# Static files (CSS, JavaScript, Images)
# https://docs.djangoproject.com/en/3.2/howto/static-files/
STATIC_URL = '/static/'
# Default primary key field type
# https://docs.djangoproject.com/en/3.2/ref/settings/#default-auto-field
DEFAULT_AUTO_FIELD = 'django.db.models.BigAutoField'
| [
"[email protected]"
] | |
9a12029623af66c700d989ba7253121601a4f6d5 | 2d27444b26de173ed1b7454f72d102050c7a6b07 | /Tuples/tuples04.py | bfb1b4cb89f5c12608af7a77689cf38b9a60a51a | [] | no_license | imrishuroy/Python-Projects | 6b93454dcb30c307aece07d611855f8b718fb8e8 | f15a0e7da702a30618658ce4f4650807daaae759 | refs/heads/master | 2023-04-17T04:33:38.889592 | 2021-05-08T08:35:09 | 2021-05-08T08:35:09 | 335,221,000 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 140 | py | # Tuples and Dictionary
d = dict()
d['Rishu'] = 91
d['Prince'] = 100
for k , v in d.items():
print(k,v)
tups = d.items()
print(tups) | [
"[email protected]"
] | |
618f83793b61456aa8298f3a72b371b921d7f30a | 293db74378eb425d54ae2ea4735d442d594cc0b8 | /myapp/migrations/0004_auto_20160517_0559.py | 665ada23577a4d573d90b4f6498924033b5b5e4e | [] | no_license | ajithkjames/contactsmanager | 6c5944ee126411db71bcb43a274a6de92c5c236d | c546e4fd53e835d85f66aef0890f9a46e945d275 | refs/heads/master | 2020-07-03T00:33:56.353982 | 2016-11-19T12:48:18 | 2016-11-19T12:48:18 | 74,207,861 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 601 | py | # -*- coding: utf-8 -*-
# Generated by Django 1.9.6 on 2016-05-17 05:59
from __future__ import unicode_literals
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('myapp', '0003_members_contact_member'),
]
operations = [
migrations.RemoveField(
model_name='group',
name='id',
),
migrations.AlterField(
model_name='group',
name='group_code',
field=models.CharField(max_length=30, primary_key=True, serialize=False, unique=True),
),
]
| [
"[email protected]"
] | |
ee4d0edf66d7a8c4ddce1c673e56b805bace6794 | 039c5187dd45b8dd2c960c1570369d6eb11eae83 | /soufang/config.py | efd983939f003ba81021d15df92d8a15a3eca8df | [] | no_license | huazhicai/spider | 5636951c1e0db4dc7b205cacfe8e881a08ff2015 | d72ce471b0388d6d594853120c8e8f93694015a6 | refs/heads/master | 2021-07-24T23:01:15.124742 | 2017-11-04T09:05:46 | 2017-11-04T09:05:46 | 107,860,473 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 7,411 | py | # 爬取房天下的楼盘的评论
# 获取城市名称
import re
import requests
from bs4 import BeautifulSoup
def get_city():
url = 'http://www.fang.com/SoufunFamily.htm'
html_content = requests.get(url)
# <a href="http://gaoling.fang.com/" target="_blank">高陵</a>
pattern = re.compile(r'<a href="http://(\w+)\.fang\.com/" target="_blank">.+?</a>', re.S)
items = re.findall(pattern, html_content.text)
print(len(set(items)))
print(set(items))
# get_city()
CITYS = ['yt', 'zaozhuang', 'zhongwei', 'qianxi', 'boluo', 'hegang', 'yl', 'yunfu', 'meishan', 'fq', 'yangchun',
'linzhi', 'rudong', 'mengjin', 'feicheng', 'zhucheng', 'bengbu', 'huainan', 'dongxing', 'xinmi', 'linqu',
'luanxian', 'jingmen', 'wenan', 'zb', 'huzhou', 'yuzhong', 'xf', 'fenghua', 'us', 'longkou', 'lijiang',
'ganzi', 'hbjz', 'sz', 'tl', 'hbzy', 'minqing', 'gongzhuling', 'laiwu', 'gxby', 'qingzhen', 'zz', 'anqing',
'linfen', 'ruian', 'xinghua', 'feixi', 'lujiang', 'njgc', 'anning', 'jxfc', 'tongshan', 'anyang', 'luoning',
'pingtan', 'shiyan', 'chengde', 'wuzhong', 'zhouzhi', 'liaozhong', 'qingxu', 'zhaotong', 'jm', 'jiaozhou',
'taishan', 'tc', 'hechi', 'whhn', 'anshun', 'xinyi', 'wuhan', 'huaiyuan', 'xj', 'yingtan', 'jlys', 'ruijin',
'lyg', 'xlglm', 'changge', 'changli', 'honghe', 'huaibei', 'bazhong', 'longhai', 'chifeng', 'ld', 'macau',
'heyuan', 'mudanjiang', 'yilan', 'xiangxiang', 'zjfy', 'panzhihua', 'jiujiang', 'tieling', 'xiuwen', 'faku',
'jinxian', 'hbyc', 'benxi', 'hlbe', 'jiaonan', 'deqing', 'shaoyang', 'bijie', 'shangrao', 'heihe', 'suizhou',
'nanjing', 'alaer', 'germany', 'jimo', 'anqiu', 'wujiaqu', 'baoji', 'qinzhou', 'wuzhishan', 'guan', 'jiangdu',
'yuxian', 'liyang', 'xinjin', 'jiayuguan', 'huizhou', 'tongling', 'haiyang', 'jintan', 'gaomi', 'kuitun', 'yc',
'ruyang', 'erds', 'shangyu', 'xiaogan', 'xinyu', 'dz', 'tmsk', 'zjxs', 'huangshan', 'baishan', 'yongcheng',
'huidong', 'pengzhou', 'lnta', 'hengxian', 'taizhou', 'ly', 'luanchuan', 'ziyang', 'anshan', 'huadian',
'qingyang', 'datong', 'st', 'kelamayi', 'tulufan', 'tonghua', 'jiande', 'qianan', 'zhoukou', 'guangrao',
'yongkang', 'chuzhou', 'liupanshui', 'changdu', 'ny', 'zs', 'huangshi', 'xianning', 'kaifeng', 'spain',
'diqing', 'ruzhou', 'hbbz', 'jh', 'sf', 'tongchuan', 'dengfeng', 'wafangdian', 'yuncheng', 'cd', 'aj',
'zhangye', 'pulandian', 'laizhou', 'jinhu', 'changchun', 'zigong', 'qiannan', 'loudi', 'sdpy', 'ali',
'gaobeidian', 'dengzhou', 'kaiyang', 'jiaozuo', 'yiyang', 'xinmin', 'dujiangyan', 'dingxing', 'ytcd',
'yueyang', 'yongtai', 'penglai', 'cangzhou', 'huoqiu', 'shihezi', 'huaihua', 'jieyang', 'fanchang', 'jn',
'linqing', 'tengzhou', 'nujiang', 'cswc', 'lf', 'pingliang', 'wg', 'zy', 'bazhou', 'tianshui', 'pizhou',
'dehui', 'malaysia', 'weinan', 'xiantao', 'tj', 'lnzh', 'changshu', 'fuyang', 'sansha', 'hbwj', 'dh', 'yuxi',
'taixing', 'meizhou', 'xm', 'zhangzhou', 'linan', 'ahsuzhou', 'zoucheng', 'yinchuan', 'chizhou', 'heze',
'peixian', 'jinchang', 'ganzhou', 'funing', 'jingdezhen', 'wuzhou', 'bh', 'huaian', 'xuchang', 'chaoyang',
'jz', 'lvliang', 'yk', 'qz', 'la', 'anda', 'dianpu', 'cq', 'ksys', 'chicago', 'gaoyang', 'shuyang', 'gdlm',
'sh', 'hz', 'gz', 'songyuan', 'nc', 'dongtai', 'changle', 'sg', 'cqnanchuan', 'leiyang', 'nanan',
'zhangjiajie', 'greece', 'shunde', 'guangyuan', 'baoshan', 'tongren', 'linxia', 'dangtu', 'huludao', 'wz',
'yongdeng', 'hetian', 'xingtai', 'haiyan', 'sdjy', 'boston', 'donggang', 'jy', 'rz', 'yuhuan', 'wuan',
'guzhen', 'dali', 'ningde', 'neijiang', 'fangchenggang', 'sdsh', 'xn', 'nanyang', 'tongcheng', 'nn', 'hnyz',
'jixi', 'chuxiong', 'emeishan', 'laixi', 'betl', 'chaozhou', 'deyang', 'sdcl', 'xz', 'dongfang', 'gongyi',
'pinghu', 'jl', 'qd', 'sanming', 'xt', 'maoming', 'zhijiang', 'haimen', 'lianjiang', 'xinjian', 'sq',
'yanbian', 'guyuan', 'hami', 'qianjiang', 'yongning', 'suining', 'yibin', 'jxja', 'wlcb', 'dayi', 'sxly',
'dangyang', 'haining', 'lantian', 'lc', 'hd', 'puyang', 'qitaihe', 'quanshan', 'dingxi', 'jx', 'weihai', 'dy',
'chaohu', 'bozhou', 'bj', 'kashi', 'yili', 'jiuquan', 'ningxiang', 'ahcf', 'xuancheng', 'xinji', 'luzhou',
'heshan', 'shangzhi', 'zjtl', 'alsm', 'baicheng', 'wuchang', 'chunan', 'kaili', 'zhaoqing', 'cqliangping',
'lasa', 'cqchangshou', 'haian', 'qujing', 'hbjs', 'huian', 'liling', 'yangquan', 'jingjiang', 'jianyang',
'jiyuan', 'zhenjiang', 'hbql', 'shanwei', 'wuhu', 'zj', 'rikaze', 'feidong', 'daqing', 'pingxiang', 'cqwulong',
'xianyang', 'aba', 'zhangjiakou', 'agent', 'byne', 'pingdu', 'shizuishan', 'wuhe', 'jinzhou', 'my', 'liuyang',
'huxian', 'zhoushan', 'tianmen', 'qixia', 'zhaoyuan', 'zhuji', 'jizhou', 'enshi', 'cqtongliang', 'jncq',
'hezhou', 'yangqu', 'zhongmou', 'fengcheng', 'tz', 'yuyao', 'bulgaria', 'dxal', 'fushun', 'yichun', 'jr',
'qingyuan', 'baoying', 'baise', 'xingyang', 'haidong', 'yixing', 'pingdingshan', 'hanzhong', 'lhk', 'yanshi',
'cqzhongxian', 'zh', 'xinyang', 'hengyang', 'au', 'youxian', 'guilin', 'hbys', 'renqiu', 'putian', 'luan',
'nt', 'mianyang', 'xishuangbanna', 'gaoyou', 'shangluo', 'quangang', 'puer', 'xam', 'yangjiang', 'qionglai',
'yizheng', 'wuwei', 'jiamusi', 'yutian', 'zhangqiu', 'haixi', 'shannan', 'hnyy', 'cn', 'xinzheng', 'portugal',
'jiangyan', 'enping', 'bt', 'liuzhou', 'kangping', 'luannan', 'jc', 'longyan', 'dandong', 'zunyi', 'hailin',
'sxyulin', 'wushan', 'hebi', 'laiyang', 'hailaer', 'changyi', 'rugao', 'yanling', 'cyprus', 'zouping', 'hbzx',
'xintai', 'scjt', 'hbps', 'xx', 'nanping', 'luoyuan', 'xinle', 'fengdu', 'hblt', 'changde', 'cz', 'wanning',
'sx', 'yz', 'laishui', 'huangnan', 'xilinhaote', 'zhaodong', 'zhuozhou', 'liangshan', 'jxfuzhou', 'yidu',
'wenling', 'yanan', 'fs', 'hnxa', 'zunhua', 'dl', 'fuan', 'binzhou', 'liaoyang', 'jinzhong', 'xiangxi', 'sjz',
'leshan', 'yueqing', 'bayan', 'xinzhou', 'nanchong', 'jssn', 'huanggang', 'hljyichun', 'chongzuo', 'guoluo',
'ninghai', 'bd', 'fuling', 'yancheng', 'quzhou', 'yiwu', 'nb', 'nongan', 'fjax', 'zhumadian', 'donghai', 'cs',
'qhd', 'dazhou', 'cixi', 'ezhou', 'puning', 'gannan', 'guigang', 'zhaozhou', 'taian', 'yongqing', 'haicheng',
'dehong', 'sanmenxia', 'shuozhou', 'zhenhai', 'qidong', 'wuxi', 'siping', 'abazhou', 'sy', 'danzhou',
'dingzhou', 'jsfx', 'tongxiang', 'ls', 'qianxinan', 'yaan', 'fuxin', 'shishi', 'linhai', 'shangqiu', 'zjg',
'chongzhou', 'luohe', 'huairen', 'shaoguan', 'cqkaixian', 'xian', 'naqu', 'yushu', 'akesu', 'xiangyang',
'ankang', 'fz', 'kuerle', 'qj', 'suzhou', 'baiyin', 'cqjiangjin', 'jian', 'dg', 'kzls', 'kaiping', 'longnan',
'wenshan', 'panjin', 'ks', 'songxian', 'haibei', 'changxing', 'chenzhou', 'linyi', 'jingzhou', 'hn',
'qingzhou', 'ya', 'guangan', 'laibin', 'qiqihaer', 'yongchun', 'wf', 'zhongxiang', 'binxian', 'lincang',
'changzhi', 'gaoling', 'yongzhou', 'lankao', 'zhuzhou', 'hs', 'qiandongnan', 'wuhai', 'yichuan', 'shennongjia',
'shuangyashan', 'suihua', 'jining', 'liaoyuan', 'mas']
| [
"[email protected]"
] | |
e6cfad498bd1578ed61cc72f6ff9f0afede40cf4 | c651ea919f24fcf51cbe27d1c336b9324fda74e6 | /crypto/500-john-pollard/solve.py | b84ac8258c6a01329b9083966cb61303ce369c20 | [] | no_license | paiv/picoctf2019 | 31f611b21bcab0d1c84fd3cb246c7dd58f6949df | 90b1db56ac8c5b47ec6159d45c8decd6b90d06d5 | refs/heads/master | 2020-08-11T03:38:55.580861 | 2019-10-11T20:48:44 | 2019-10-11T20:48:44 | 214,483,178 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 385 | py | #!/usr/bin/env python
from Crypto.PublicKey import RSA
from Crypto.Util.number import inverse as modinv
def solve():
N = 4966306421059967
P = 73176001
Q = 67867967
E = 65537
assert N == P * Q
D = modinv(E, (P - 1) * (Q - 1))
key = RSA.construct((N, E, D, P, Q))
return key.exportKey().decode('ascii')
if __name__ == '__main__':
print(solve())
| [
"[email protected]"
] | |
44e421c442c37ca6f99ea92a51ed39af07a99133 | ee7ca0fed1620c3426fdfd22e5a82bba2a515983 | /dsn_product_category_etc/__openerp__.py | 1f8392a509a4099e8874d1954698391fad0dd020 | [] | no_license | disna-sistemas/odoo | 318d0e38d9b43bea56978fe85fc72850d597f033 | 0826091462cc10c9edc3cc29ea59c417f8e66c33 | refs/heads/8.0 | 2022-03-08T19:01:21.162717 | 2022-02-15T13:06:26 | 2022-02-15T13:06:26 | 99,210,381 | 0 | 5 | null | 2019-07-24T08:49:58 | 2017-08-03T08:36:55 | Python | UTF-8 | Python | false | false | 1,560 | py | ##########################################################################
# Copyright (C) 2014 Victor Martin #
# #
# This program is free software: you can redistribute it and/or modify #
# it under the terms of the GNU General Public License as published by #
# the Free Software Foundation, either version 3 of the License, or #
# (at your option) any later version. #
# #
# This program is distributed in the hope that it will be useful, #
# but WITHOUT ANY WARRANTY; without even the implied warranty of #
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the #
# GNU General Public License for more details. #
# #
# You should have received a copy of the GNU General Public License #
# along with this program. If not, see <http://www.gnu.org/licenses/>. #
##########################################################################
{
"name": "Disna - Product Category Etc",
"version": "0.1",
"author": "Disna, S.A.",
"contributors": [],
"website": "",
"category": "",
"depends": ['product'],
"description": """
- Adds mrp_report_order field to category
""",
"data": ['views/category.xml'],
"installable": True,
"auto_install": False,
} | [
"[email protected]"
] | |
8b2ab66af68481455a92b01c01544ecda55282c0 | a8d4f5601272a7f3ced564ac822745ca460e77d8 | /learn_prophet/outlier.py | 13adf79c7421a190ce97e45f0dd70ca070938919 | [] | no_license | 631068264/learn_science | cc2962e54e61e7d2d5a338b19c2046aa92743edf | 6bf33da5d40b1d8d72bb63d4a7b11031dd74329b | refs/heads/master | 2022-10-08T18:14:08.281828 | 2022-09-24T13:00:53 | 2022-09-24T13:00:53 | 82,647,091 | 0 | 0 | null | 2022-09-09T17:58:48 | 2017-02-21T06:55:43 | Python | UTF-8 | Python | false | false | 865 | py | #!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
@author = 'wyx'
@time = 2017/6/22 11:20
@annotation = ''
"""
import numpy as np
import pandas as pd
from fbprophet import Prophet
from matplotlib import pyplot as plot
df = pd.read_csv('example_wp_R_outliers1.csv')
df['y'] = np.log(df['y'])
print df.head()
print df.tail()
m = Prophet()
# df.loc[(df['ds'] > '2010-01-01') & (df['ds'] < '2011-01-01'), 'y'] = None
m.fit(df)
"""
解决过度离散值
The best way to handle outliers is to remove them - Prophet has no problem with missing data.
If you set their values to NA in the history but leave the dates in future,
then Prophet will give you a prediction for their values.
"""
future = m.make_future_dataframe(periods=365)
# print future.tail()
forecast = m.predict(future)
print forecast.head()
# m.plot(forecast)
m.plot_components(forecast)
plot.show()
| [
"[email protected]"
] | |
cdc4ca08ae44286d2d239b72735acddccf8aac07 | 350db570521d3fc43f07df645addb9d6e648c17e | /0338_Counting_Bits/solution_test.py | 7724ba269c5cf844f2d1619dfea305095cf3e247 | [] | no_license | benjaminhuanghuang/ben-leetcode | 2efcc9185459a1dd881c6e2ded96c42c5715560a | a2cd0dc5e098080df87c4fb57d16877d21ca47a3 | refs/heads/master | 2022-12-10T02:30:06.744566 | 2022-11-27T04:06:52 | 2022-11-27T04:06:52 | 236,252,145 | 1 | 1 | null | null | null | null | UTF-8 | Python | false | false | 360 | py |
'''
338. Counting Bits
Level: Medium
https://leetcode.com/problems/counting-bits
'''
import unittest
class TestSum(unittest.TestCase):
def test_sum(self):
self.assertEqual(sum([1, 2, 3]), 6, "Should be 6")
def test_sum_tuple(self):
self.assertEqual(sum((1, 2, 2)), 6, "Should be 6")
if __name__ == '__main__':
unittest.main() | [
"[email protected]"
] | |
641ddc30ca583d7d31b730a032de503e692c58cd | e580a8ccad49c20a6a8ca924369a7ed7c7b85274 | /nbgrader/preprocessors/base.py | 5fb73f68151a0649c54a0fc66fc10a07d3fe33bd | [
"BSD-3-Clause"
] | permissive | jdfreder/nbgrader | b06cec1ca7dc7633a36ee18859c9509fafbf63d5 | a6773f27ad2be44505071bbfbfacbbbffe1b0d0d | refs/heads/master | 2021-01-18T11:53:18.017422 | 2015-04-09T22:17:56 | 2015-04-09T22:17:56 | 32,471,870 | 1 | 0 | null | 2015-03-25T16:08:14 | 2015-03-18T16:53:33 | Python | UTF-8 | Python | false | false | 376 | py | from IPython.nbconvert.preprocessors import Preprocessor
from IPython.utils.traitlets import List, Unicode, Bool
class NbGraderPreprocessor(Preprocessor):
default_language = Unicode('ipython')
display_data_priority = List(['text/html', 'application/pdf', 'text/latex', 'image/svg+xml', 'image/png', 'image/jpeg', 'text/plain'])
enabled = Bool(True, config=True)
| [
"[email protected]"
] | |
9599100cda07d29f3eaeb8432bfe6710bb9b354b | a74b980fd95d5d810315f181449fc9d1710e6923 | /savecode/threeyears/idownclient/scan/plugin/zgrab2/zgrab2scanner/zgrab2scannerhttp.py | 5962809ec41cc9835857020f7ecd4321d0f27b59 | [
"Apache-2.0"
] | permissive | cbbbbbbbb/sspywork | b70f5539203b47b21eec2f0514ddca155affc2b8 | 8f05a6b91fc205960edd57f9076facec04f49a1a | refs/heads/master | 2023-03-22T19:45:13.024076 | 2021-03-08T01:24:21 | 2021-03-08T01:24:21 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 11,009 | py | """zgrab2 scanner http"""
# -*- coding:utf-8 -*-
import json
import signal
import os
import traceback
import uuid
import psutil
from datacontract.iscandataset.iscantask import IscanTask
from .zgrab2scannerbase import Zgrab2ScannerBase
from ..zgrab2parser import Zgrab2ParserHttp, Zgrab2ParserTls
from .....clientdatafeedback.scoutdatafeedback import PortInfo
class Zgrab2ScannerHttp(Zgrab2ScannerBase):
"""zgrab2 http scanner"""
def __init__(self, zgrab_path: str):
Zgrab2ScannerBase.__init__(self, "zgrab2http")
self._parser_http: Zgrab2ParserHttp = Zgrab2ParserHttp()
self._parser_tls: Zgrab2ParserTls = Zgrab2ParserTls()
def get_banner_http(
self,
task: IscanTask,
level,
pinfo_dict,
port,
*args,
zgrab2path: str = "zgrab2",
sudo: bool = False,
timeout: float = 600,
) -> iter:
"""scan http services and get the banner"""
hostfi = None
outfi = None
try:
if not isinstance(port, int) or port < 0 or port > 65535:
raise Exception("Invalid port: {}".format(port))
hosts: iter = pinfo_dict.keys()
# for d in portinfo.domains:
# if not d in hosts:
# hosts.append(d)
# if len(hosts) < 1:
# # scan ip is not good, only scan them when
# # no domain is available
# hosts.append(portinfo._host)
# for h in portinfo.hostnames:
# if not h in hosts:
# hosts.append(h)
hostfi = self._write_hosts_to_file(task, hosts)
if hostfi is None:
return
outfi = self._scan_http(
task,
level,
hostfi,
port,
*args,
zgrab2path=zgrab2path,
sudo=sudo,
timeout=timeout,
)
if outfi is None or not os.path.isfile(outfi):
return
self._parse_result(task, level, pinfo_dict, outfi)
except Exception:
self._logger.error("Scan http error: {}".format(traceback.format_exc()))
finally:
if not hostfi is None and os.path.isfile(hostfi):
os.remove(hostfi)
if not outfi is None and os.path.isfile(outfi):
os.remove(outfi)
#################################
# scan
def _scan_http(
self,
task: IscanTask,
level,
host_file: str,
port: int,
*args,
zgrab2path: str = "zgrab2",
sudo: bool = False,
timeout: float = 600,
) -> str:
"""
scan the ips or domains, and write the output files to specified output directory.
host_file: the full path of a file with list of ['1.1.1.1','www.xxx.com'] in the file per line
port: '80' or '443'
outfi: result file path
"""
outfi: str = None
exitcode = None
try:
enhanced_args = []
# add hosts and ports to args
enhanced_args.append("http")
enhanced_args.append("--port=%s" % port)
# zgrab2 http 192.168.40.114 --port=8020 --endpoint='/' --heartbleed
# --extended-master-secret --extended-random --max-redirects=2
# --session-ticket --follow-localhost-redirects --retry-https --timeout=30
# --user-agent="Mozilla/5.0 (Windows NT 10.0; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/65.0.3325.181 Safari/537.36"
# -f ./a.list -o ./a.json
if not "--endpoint=" in args:
enhanced_args.append("--endpoint='/'")
if not "--max-size" in args:
# Kb
enhanced_args.append("--max-size=256")
if not "--heartbleed" in args:
enhanced_args.append("--heartbleed")
if not "--extended-master-secret" in args:
enhanced_args.append("--extended-master-secret")
if not "--extended-random" in args:
enhanced_args.append("--extended-random")
if not "--max-redirects=" in args:
enhanced_args.append("--max-redirects=1")
if not "--session-ticket" in args:
enhanced_args.append("--session-ticket")
if not "--retry-https" in args:
enhanced_args.append("--retry-https")
if not "--timeout=" in args:
enhanced_args.append("--timeout=30")
if not "--user-agent=" in args:
enhanced_args.append(
'--user-agent="Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/75.0.3770.142 Safari/537.36"'
)
enhanced_args.extend(args)
if not "--input-file=" in args or "-f" in args:
enhanced_args.append("-f %s" % host_file) # input file
with self._outfile_locker:
outfi = os.path.join(
self._tmpdir, "{}_{}.http".format(str(uuid.uuid1()), port)
)
while os.path.isfile(outfi):
outfi = os.path.join(
self._tmpdir, "{}_{}.http".format(str(uuid.uuid1()), port)
)
# outfi = os.path.join(self._tmpdir, "{}_{}.http".format(task.taskid, port))
if not "--output-file=" in args or "-o" in args:
# here must use -o, use '--output-file' will cause exception 'No such file or directory'
# this may be a bug
enhanced_args.append("-o %s" % outfi) # output file
outdir = os.path.dirname(outfi)
if not os.path.exists(outdir) or not os.path.isdir(outdir):
os.makedirs(outdir)
curr_process = None
try:
curr_process = self._run_process(
zgrab2path, *enhanced_args, rootDir=outdir, sudo=sudo
)
stdout, stderr = curr_process.communicate(timeout=timeout)
exitcode = curr_process.wait(timeout=10)
if not stdout is None:
self._logger.trace(stdout)
if not stderr is None:
self._logger.trace(stderr)
if exitcode != 0:
raise Exception("Scan HTTP error: %s\n%s" % (stdout, stderr))
self._logger.info(
"Scan HTTP exitcode={}\ntaskid:{}\nbatchid:{}\nport:{}".format(
str(exitcode), task.taskid, task.batchid, port
)
)
finally:
if curr_process is not None:
curr_process.kill()
except Exception:
if not outfi is None and os.path.isfile(outfi):
os.remove(outfi)
outfi = None
self._logger.info(
"Scan HTTP error\ntaskid:{}\nbatchid:{}\nport:{}".format(
task.taskid, task.batchid, port
)
)
return outfi
#################################
# parse
def _parse_result(self, task: IscanTask, level: int, pinfo_dict, outfi):
"""parse http infor and ssl info"""
try:
if not os.path.isfile(outfi):
self._logger.error(
"Resultfi not exists:\ntaskid:{}\nresultfi:{}".format(
task.taskid, outfi
)
)
return
# its' one json object per line
linenum = 1
with open(outfi, mode="r") as fs:
while True:
try:
line = fs.readline()
if line is None or line == "":
break
sj = json.loads(line)
if sj is None:
continue
ip = sj.get("ip")
if ip is None or pinfo_dict.get(ip) is None:
self._logger.error(
"Unexpect error, cant get ip info from zgrab2 result"
)
continue
portinfo = pinfo_dict.get(ip)
# self._parser_http._parse_http(sj, portinfo)
self._parse_http(task, sj, portinfo)
# do not parse ssl certificate here,
# cuz already got tls information
# self._parser_tls._parse_cert(sj, portinfo)
# self._parse_tls(task, sj, portinfo)
except Exception:
self._logger.error(
"Parse one http banner json line error:\ntaskid:{}\nresultfi:{}\nlinenum:{}\nerror:{}".format(
task.taskid,
outfi,
linenum,
traceback.format_exc(),
)
)
finally:
linenum += 1
except Exception:
self._logger.error(
"Parse http result error:\ntaskid:{}\nresultfi:{}".format(
task.taskid, outfi
)
)
def _parse_http(self, task: IscanTask, sj, portinfo: PortInfo):
"""parse site(http) info"""
try:
self._parser_http._parse_http(sj, portinfo)
except Exception:
self._logger.error(
"Parse http site result error:\ntaskid:{}\nbatchid:{}\nerror:{}".format(
task.taskid, task.batchid, traceback.format_exc()
)
)
def _parse_tls(self, task: IscanTask, sj, portinfo: PortInfo):
"""parse site(http) info"""
try:
if not sj.__contains__("data") or not sj["data"].__contains__("http"):
return
if sj["data"]["http"]["status"] != "success":
return
sjresp = sj["data"]["http"]["result"]["response"]
if not sjresp.__contains__("request") or not sjresp["request"].__contains__(
"tls_log"
):
return
sjtls = sjresp["request"]["tls_log"]
sjhandshake = sjtls.get("handshake_log")
if sjhandshake is None or len(sjhandshake) < 1:
return
self._parser_tls._parse_cert(sjhandshake, portinfo)
except Exception:
self._logger.error(
"Parse http tls result error:\ntaskid:{}\nbatchid:{}\nerror:{}".format(
task.taskid, task.batchid, traceback.format_exc()
)
)
| [
"[email protected]"
] | |
027e34753a5633d392d90e6a3351c2c1ee646140 | 0fd66a4a28bdc7d967ec18d90eca5cc54b5cbdd4 | /middleware/legato/library/plugins/scripts/generator/fontsource.py | 85e614f4f6ad2d71a1b35a15aabe28e38d391989 | [
"LicenseRef-scancode-unknown-license-reference",
"ISC",
"LicenseRef-scancode-public-domain"
] | permissive | fb321/gfx | b865539ea6acd9c99d11a3968424ae03b5dea438 | e59a8d65ef77d4b017fdc523305d4d29a066d92a | refs/heads/master | 2020-06-27T14:20:24.209933 | 2019-07-31T22:01:05 | 2019-07-31T22:01:05 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,638 | py | def generateFontSourceFile(font):
name = font.getName()
antialias = font.getAntialias()
height = font.getAdjustedHeight()
baseline = font.getBaseline()
style = ""
if antialias == True:
style += "Antialias"
if len(style) == 0:
style = "Plain"
if style.endswith(",") == True:
style = style[:-1]
fontData = font.generateFontData()
if fontData.glyphs.size() == 0:
return
fntSrc = File("generated/font/le_gen_font_" + name + ".c")
fntSrc.write('#include "gfx/legato/generated/le_gen_assets.h"')
fntSrc.writeNewLine()
fntSrc.write("/*********************************")
fntSrc.write(" * Legato Font Asset")
fntSrc.write(" * Name: %s" % (name))
fntSrc.write(" * Height: %d" % (height))
fntSrc.write(" * Baseline: %d" % (baseline))
fntSrc.write(" * Style: %s" % (style))
fntSrc.write(" * Glyph Count: %d" % (fontData.glyphs.size()))
fntSrc.write(" * Range Count: %d" % (fontData.ranges.size()))
fntSrc.writeNoNewline(" * Glyph Ranges: ")
idx = 0
for range in fontData.ranges:
start = range.getStartOrdinal()
end = range.getEndOrdinal()
if idx == 0:
if start != end:
fntSrc.write("0x%02X-0x%02X" % (start, end))
else:
fntSrc.write("0x%02X" % (start))
else:
if start != end:
fntSrc.write(" 0x%02X-0x%02X" % (start, end))
else:
fntSrc.write(" 0x%02X" % (start))
idx += 1
fntSrc.write(" *********************************/")
locIdx = font.getMemoryLocationIndex()
kerningData = fontData.getKerningDataArray()
kerningDataLength = len(kerningData)
fntSrc.write("/*********************************")
fntSrc.write(" * font glyph kerning table description")
fntSrc.write(" *")
fntSrc.write(" * unsigned int - number of glyphs")
fntSrc.write(" * for each glyph:")
fntSrc.write(" * unsigned short - codepoint * the glyph's codepoint")
fntSrc.write(" * short - width * the glyph's width in pixels")
fntSrc.write(" * short - height * the glyph's height in pixels")
fntSrc.write(" * short - advance * the glyph's advance value in pixels")
fntSrc.write(" * short - bearingX * the glyph's bearing value in pixels on the X axis")
fntSrc.write(" * short - bearingY * the glyph's bearing value in pixels on the Y axis")
fntSrc.write(" * unsigned short - flags * status flags for this glyph")
fntSrc.write(" * unsigned short - data row width * the size of a row of glyph data in bytes")
fntSrc.write(" * unsigned int - data table offset * the offset into the corresponding font data table")
fntSrc.write(" ********************************/")
if locIdx == 0: # internal flash = const
fntSrc.writeNoNewline("const ")
fntSrc.write("uint8_t %s_glyphs[%d] =" % (name, kerningDataLength))
fntSrc.write("{")
writeBinaryData(fntSrc, kerningData, kerningDataLength)
fntSrc.write("};")
fntSrc.writeNewLine()
if locIdx < 2:
glyphData = fontData.getGlyphDataArray()
glyphDataLength = len(glyphData)
fntSrc.write("/*********************************")
fntSrc.write(" * raw font glyph data")
fntSrc.write(" ********************************/")
if locIdx == 0: # internal flash = const
fntSrc.writeNoNewline("const ")
fntSrc.write("uint8_t %s_data[%d] =" % (name, glyphDataLength))
fntSrc.write("{")
writeBinaryData(fntSrc, glyphData, glyphDataLength)
fntSrc.write("};")
fntSrc.writeNewLine()
antialias = font.getAntialias()
bpp = 1
if antialias == True:
bpp = 8
memLocName = ""
if locIdx < 2:
memLocName = "LE_STREAM_LOCATION_ID_INTERNAL"
else:
memLocName = font.getMemoryLocationName()
fntSrc.write("leRasterFont %s =" % (name))
fntSrc.write("{")
fntSrc.write(" {")
fntSrc.write(" {")
fntSrc.write(" %s, // data location id" % (memLocName))
fntSrc.write(" (void*)%s_data, // data address pointer" % (name))
fntSrc.write(" %d, // data size" % (glyphDataLength))
fntSrc.write(" },")
fntSrc.write(" LE_RASTER_FONT,")
fntSrc.write(" },")
fntSrc.write(" %d," % (fontData.getMaxHeight()))
fntSrc.write(" %d," % (fontData.getMaxBaseline()))
fntSrc.write(" LE_FONT_BPP_%d, // bits per pixel" % (bpp))
fntSrc.write(" %s_glyphs, // glyph table" % (name))
fntSrc.write("};")
fntSrc.close()
global fileDict
fileDict[fntSrc.name] = fntSrc | [
"http://support.microchip.com"
] | http://support.microchip.com |
3731094ab99923201e31d46122ad87ceee945bfb | 0364bd3bfa82153b5d9e5b92894936390a1972ae | /inqoire/connection/admin.py | a640d1d10332b5e1fddd582bf9658971e0e1ea77 | [] | no_license | kraft99/inQoire | 8e9a05d8f033c302380ab7dceba48242f2fe57f3 | 5a88ce2e21cb45ec7b7412010157c716c864d825 | refs/heads/master | 2020-12-04T16:04:16.549607 | 2020-03-02T07:16:00 | 2020-03-02T07:16:00 | 231,828,965 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 98 | py | from django.contrib import admin
from .models import Connection
admin.site.register(Connection)
| [
"[email protected]"
] | |
198ed41b5675e5534cc3b177590fa2b0b589576d | de24f83a5e3768a2638ebcf13cbe717e75740168 | /moodledata/vpl_data/10/usersdata/132/9933/submittedfiles/testes.py | 7261bb0dd0a251c9ed449627f60c5cd59e8963a4 | [] | no_license | rafaelperazzo/programacao-web | 95643423a35c44613b0f64bed05bd34780fe2436 | 170dd5440afb9ee68a973f3de13a99aa4c735d79 | refs/heads/master | 2021-01-12T14:06:25.773146 | 2017-12-22T16:05:45 | 2017-12-22T16:05:45 | 69,566,344 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 213 | py | # -*- coding: utf-8 -*-
from __future__ import division
maior=0
dia=1
for i in range(1,31,1):
n=input('numero de discos vendidos')
if n>maior:
maior=n
dia=i
print(dia)
print(maior)
| [
"[email protected]"
] | |
0a30aaf77f75e4687957aa58e4ba2fd7b68f29b2 | 058d94f394a985627d3953fc06d8581edea886fd | /src/dvtests/__init__.py | 3d3d923c67fecaf20093ae106634d6f866795b51 | [
"MIT"
] | permissive | gdcc/dataverse_tests | 7c3d01158a4ba8f519509b312decaf81dbea5441 | d37791f588969973f1bb651e83154247ffdb9d49 | refs/heads/master | 2023-04-15T08:48:32.037168 | 2022-07-20T08:18:42 | 2022-07-20T08:18:42 | 233,846,862 | 2 | 4 | MIT | 2022-07-20T08:08:31 | 2020-01-14T13:24:51 | Python | UTF-8 | Python | false | false | 494 | py | """Find out more at https://github.com/AUSSDA/dataverse_tests.
Copyright 2022 Stefan Kasberger
Licensed under the MIT License.
"""
from requests.packages import urllib3
urllib3.disable_warnings() # noqa
__author__ = "Stefan Kasberger"
__email__ = "[email protected]"
__copyright__ = "Copyright (c) 2022 Stefan Kasberger"
__license__ = "MIT License"
# __version__ = "0.1.0"
__url__ = "https://github.com/gdcc/dataverse_tests"
__description__ = "Dataverse tests."
__name__ = "dvtests"
| [
"[email protected]"
] | |
98ba95f8dbff24f9396d835c83b3232a91d917cc | 83dab2b5adaf537c525a04584e21501871fc8a4e | /model/write_data.py | e0fff521dd14697fc28f71a5ea1191330a5d6955 | [] | no_license | Najah-Shanableh/lead-public | 7852e2371d186c9e097fde01b3e0d7c1b2fc044e | f538249c43e0444b45b5ef4e58aa46811e825a58 | refs/heads/master | 2021-05-30T06:47:44.511409 | 2015-04-21T15:33:08 | 2015-04-21T15:33:08 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 403 | py | #!/usr/bin/python
import sys
import yaml
import util
import os
directory = sys.argv[1]
if not os.path.exists(directory):
os.makedirs(directory)
with open(sys.argv[2]) as f:
params = yaml.load(f)
params['data']['directory'] = directory
engine = util.create_engine()
data_name = params['data'].pop('name')
data = util.get_class(data_name)(**params['data'])
data.read_sql()
data.write()
| [
"[email protected]"
] | |
0b5bbe3d5d84622d94ea279b1eb39216ea4a5707 | c49a6e67a63a541f8d420e725af155505d1e7f84 | /Design/lru-cache*.py | 8d4594e47dd5afbac9564423dc042919a58233fb | [] | no_license | wttttt-wang/leetcode_withTopics | b41ed0f8a036fd00f3b457e5b56efe32f872ca13 | e2837f3d6c23f012148a2d1f9d0ef6d34d4e6912 | refs/heads/master | 2021-09-05T05:03:47.519344 | 2018-01-24T08:28:58 | 2018-01-24T08:28:58 | 112,893,345 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,800 | py | """
LRU Cache
@ Design: 1. Two hashMap + One linkedList
2. should be careful when dealing with hashMap in case of 'keyError'
3. reminder to update self.tail
"""
class ListNode(object):
def __init__(self, val):
self.val, self.next = val, None
class LRUCache(object):
def __init__(self, capacity):
"""
:type capacity: int
"""
self.k2v, self.k2node = {}, {}
self.head, self.capacity = ListNode(0), capacity
self.tail = self.head
def get(self, key):
"""
:type key: int
:rtype: int
"""
if key not in self.k2v:
return -1
val = self.k2v[key]
node = self.removeNode(self.k2node[key].next)
self.addAhead(node, val)
return val
def put(self, key, value):
"""
:type key: int
:type value: int
:rtype: void
"""
if key in self.k2v:
node = self.removeNode(self.k2node[key].next)
self.addAhead(node, value)
return
if len(self.k2v) == self.capacity:
self.removeNode(self.tail)
self.addAhead(ListNode(key), value)
def removeNode(self, node):
if node.next:
self.k2node[node.next.val] = self.k2node[node.val]
else:
self.tail = self.k2node[node.val]
self.k2node[node.val].next = node.next
self.k2node.pop(node.val)
self.k2v.pop(node.val)
return node
def addAhead(self, node, value):
if self.head.next:
self.k2node[self.head.next.val] = node
else:
self.tail = node
node.next = self.head.next
self.head.next = node
self.k2node[node.val] = self.head
self.k2v[node.val] = value
| [
"[email protected]"
] | |
90db8927ca3b2e6e98fbb58229d85981f53b2c12 | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03583/s935139311.py | 7cb09551156a49be9231f099550afb736cbc3172 | [] | no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 362 | py | N = int(input())
flag = 0
for a in range(1,3501):
if flag ==1:
break
for b in range(1,3501):
if 4*a*b - a*N - b*N != 0:
if a*b*N // (4*a*b - a*N - b* N) > 0 and a*b*N % (4*a*b - a*N - b* N) ==0:
c = int(a*b*N / (4*a*b - a*N - b* N))
print(a, b, c)
flag = 1
break | [
"[email protected]"
] | |
720b5a826589b2a2d5604841f4151d6cc8627e71 | 0c4309d55acb30fb3270400ba9243764193573a0 | /parte_2/semana_3/tipo_triangulo.py | 41c2700a6416da1c51e7a021d3d6f6a33feaa62f | [] | no_license | mwoitek/python-coursera | 8936e39eece19bb40caa1dab98b14529dc836db7 | 90d5d390868d0d0147d837939ee0fab2450c646c | refs/heads/master | 2022-04-25T20:02:45.984640 | 2020-04-30T01:16:57 | 2020-04-30T01:16:57 | 244,276,342 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 537 | py | class Triangulo:
def __init__(self, lado1, lado2, lado3):
self.a = lado1
self.b = lado2
self.c = lado3
def perimetro(self):
return self.a + self.b + self.c
def tipo_lado(self):
teste1 = self.a == self.b
teste2 = self.a == self.c
teste3 = self.b == self.c
if teste1 and teste2 and teste3:
return "equilátero"
elif (not teste1) and (not teste2) and (not teste3):
return "escaleno"
else:
return "isósceles"
| [
"[email protected]"
] | |
0bf39985c39b47434a9632b18b956c25b3069897 | eb7afa613940f5a3f202352a94dd996edcb6bed5 | /boto3_type_annotations/boto3_type_annotations/s3control/__init__.py | 4045ce4f030398c8486740f70ed511fb671b3a79 | [
"MIT"
] | permissive | alliefitter/boto3_type_annotations | e4da614e27a1d2ad3c9c653c50b8e30108180da5 | 2a88aa562b1aee6e8a6cc30402980884b3707fbb | refs/heads/master | 2020-04-05T22:05:12.689913 | 2019-11-28T03:32:13 | 2019-11-28T03:32:13 | 157,244,330 | 131 | 11 | MIT | 2023-04-21T17:17:03 | 2018-11-12T16:38:57 | Python | UTF-8 | Python | false | false | 91 | py | from boto3_type_annotations.s3control.client import Client
__all__ = (
'Client'
)
| [
"[email protected]"
] | |
8fe3bd1dd3226d26dac5e8615714e7b61fbb87a2 | 261fa90a0ab6b844682465356fee1d5f490774d7 | /02_matplotlib/06_axis.py | 7a085813afb58ff177ab889e8c38e236fd44e6b6 | [] | no_license | lofues/Data_Science | 85d7fcd6e2e7f3dad6392010b30272bb8ca9d1b3 | d91a05325bf597f641d9af1afcf26575489c4960 | refs/heads/master | 2020-09-03T12:43:01.998302 | 2019-11-07T09:17:19 | 2019-11-07T09:17:19 | 219,464,996 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 421 | py | import numpy as np
import matplotlib.pyplot as mp
ax = mp.gca()
ax.xaxis.set_major_locator(mp.MultipleLocator(1))
ax.xaxis.set_minor_locator(mp.MultipleLocator(0.1))
# 只查看x轴的1 到 10
mp.xlim(1,10)
# 不查看y轴
mp.yticks([])
ax.spines['left'].set_color('none')
ax.spines['right'].set_color('none')
ax.spines['top'].set_color('none')
ax.spines['bottom'].set_position(('data',0.5))
mp.tight_layout()
mp.show() | [
"[email protected]"
] | |
466f0141c621c5aa74cf85f313b58d9f62a6e995 | 6ab9a3229719f457e4883f8b9c5f1d4c7b349362 | /leetcode/00098_validate_binary_search_tree.py | 68b7dceaba479602951e0e5e99a36a25a8abc2fc | [] | no_license | ajmarin/coding | 77c91ee760b3af34db7c45c64f90b23f6f5def16 | 8af901372ade9d3d913f69b1532df36fc9461603 | refs/heads/master | 2022-01-26T09:54:38.068385 | 2022-01-09T11:26:30 | 2022-01-09T11:26:30 | 2,166,262 | 33 | 15 | null | null | null | null | UTF-8 | Python | false | false | 569 | py | # Definition for a binary tree node.
# class TreeNode:
# def __init__(self, x):
# self.val = x
# self.left = None
# self.right = None
class Solution:
def isValidBST(self, root: TreeNode, left: int = None, right: int = None) -> bool:
if not root:
return True
if left is not None and root.val <= left:
return False
if right is not None and root.val >= right:
return False
return self.isValidBST(root.left, left, root.val) and self.isValidBST(root.right, root.val, right) | [
"[email protected]"
] | |
24de50616429b8a6e2fbfb2b1db5e0a18e75c0cd | de7596dc6a55592ca9ce925086e194b81733fd37 | /backend/chk_shared_screen1__14206/settings.py | cea2dbec60f4c6dbaa6a2c5133c04f2c01283f2f | [] | no_license | crowdbotics-apps/chk-shared-screen1--14206 | 666f9eb4a8622062676312d2309e81214275d41d | 74e4672c57fa78e90f5ddabef384dfb55e068975 | refs/heads/master | 2023-01-01T00:13:30.182764 | 2020-10-29T12:46:23 | 2020-10-29T12:46:23 | 308,324,201 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 6,125 | py | """
Django settings for chk_shared_screen1__14206 project.
Generated by 'django-admin startproject' using Django 2.2.2.
For more information on this file, see
https://docs.djangoproject.com/en/2.2/topics/settings/
For the full list of settings and their values, see
https://docs.djangoproject.com/en/2.2/ref/settings/
"""
import os
import environ
import logging
env = environ.Env()
# SECURITY WARNING: don't run with debug turned on in production!
DEBUG = env.bool("DEBUG", default=False)
# Build paths inside the project like this: os.path.join(BASE_DIR, ...)
BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
# Quick-start development settings - unsuitable for production
# See https://docs.djangoproject.com/en/2.2/howto/deployment/checklist/
# SECURITY WARNING: keep the secret key used in production secret!
SECRET_KEY = env.str("SECRET_KEY")
ALLOWED_HOSTS = env.list("HOST", default=["*"])
SITE_ID = 1
SECURE_PROXY_SSL_HEADER = ("HTTP_X_FORWARDED_PROTO", "https")
SECURE_SSL_REDIRECT = env.bool("SECURE_REDIRECT", default=False)
# Application definition
INSTALLED_APPS = [
'django.contrib.admin',
'django.contrib.auth',
'django.contrib.contenttypes',
'django.contrib.sessions',
'django.contrib.messages',
'django.contrib.staticfiles',
'django.contrib.sites'
]
LOCAL_APPS = [
'home',
'users.apps.UsersConfig',
]
THIRD_PARTY_APPS = [
'rest_framework',
'rest_framework.authtoken',
'rest_auth',
'rest_auth.registration',
'bootstrap4',
'allauth',
'allauth.account',
'allauth.socialaccount',
'allauth.socialaccount.providers.google',
'django_extensions',
'drf_yasg',
# start fcm_django push notifications
'fcm_django',
# end fcm_django push notifications
]
INSTALLED_APPS += LOCAL_APPS + THIRD_PARTY_APPS
MIDDLEWARE = [
'django.middleware.security.SecurityMiddleware',
'django.contrib.sessions.middleware.SessionMiddleware',
'django.middleware.common.CommonMiddleware',
'django.middleware.csrf.CsrfViewMiddleware',
'django.contrib.auth.middleware.AuthenticationMiddleware',
'django.contrib.messages.middleware.MessageMiddleware',
'django.middleware.clickjacking.XFrameOptionsMiddleware',
]
ROOT_URLCONF = 'chk_shared_screen1__14206.urls'
TEMPLATES = [
{
'BACKEND': 'django.template.backends.django.DjangoTemplates',
'DIRS': [],
'APP_DIRS': True,
'OPTIONS': {
'context_processors': [
'django.template.context_processors.debug',
'django.template.context_processors.request',
'django.contrib.auth.context_processors.auth',
'django.contrib.messages.context_processors.messages',
],
},
},
]
WSGI_APPLICATION = 'chk_shared_screen1__14206.wsgi.application'
# Database
# https://docs.djangoproject.com/en/2.2/ref/settings/#databases
DATABASES = {
'default': {
'ENGINE': 'django.db.backends.sqlite3',
'NAME': os.path.join(BASE_DIR, 'db.sqlite3'),
}
}
if env.str("DATABASE_URL", default=None):
DATABASES = {
'default': env.db()
}
# Password validation
# https://docs.djangoproject.com/en/2.2/ref/settings/#auth-password-validators
AUTH_PASSWORD_VALIDATORS = [
{
'NAME': 'django.contrib.auth.password_validation.UserAttributeSimilarityValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.MinimumLengthValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.CommonPasswordValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.NumericPasswordValidator',
},
]
# Internationalization
# https://docs.djangoproject.com/en/2.2/topics/i18n/
LANGUAGE_CODE = 'en-us'
TIME_ZONE = 'UTC'
USE_I18N = True
USE_L10N = True
USE_TZ = True
# Static files (CSS, JavaScript, Images)
# https://docs.djangoproject.com/en/2.2/howto/static-files/
STATIC_URL = '/static/'
MIDDLEWARE += ['whitenoise.middleware.WhiteNoiseMiddleware']
AUTHENTICATION_BACKENDS = (
'django.contrib.auth.backends.ModelBackend',
'allauth.account.auth_backends.AuthenticationBackend'
)
STATIC_ROOT = os.path.join(BASE_DIR, "staticfiles")
STATICFILES_DIRS = [
os.path.join(BASE_DIR, 'static')
]
STATICFILES_STORAGE = 'whitenoise.storage.CompressedManifestStaticFilesStorage'
# allauth / users
ACCOUNT_EMAIL_REQUIRED = True
ACCOUNT_AUTHENTICATION_METHOD = 'email'
ACCOUNT_USERNAME_REQUIRED = False
ACCOUNT_EMAIL_VERIFICATION = "optional"
ACCOUNT_CONFIRM_EMAIL_ON_GET = True
ACCOUNT_LOGIN_ON_EMAIL_CONFIRMATION = True
ACCOUNT_UNIQUE_EMAIL = True
LOGIN_REDIRECT_URL = "users:redirect"
ACCOUNT_ADAPTER = "users.adapters.AccountAdapter"
SOCIALACCOUNT_ADAPTER = "users.adapters.SocialAccountAdapter"
ACCOUNT_ALLOW_REGISTRATION = env.bool("ACCOUNT_ALLOW_REGISTRATION", True)
SOCIALACCOUNT_ALLOW_REGISTRATION = env.bool("SOCIALACCOUNT_ALLOW_REGISTRATION", True)
REST_AUTH_SERIALIZERS = {
# Replace password reset serializer to fix 500 error
"PASSWORD_RESET_SERIALIZER": "home.api.v1.serializers.PasswordSerializer",
}
REST_AUTH_REGISTER_SERIALIZERS = {
# Use custom serializer that has no username and matches web signup
"REGISTER_SERIALIZER": "home.api.v1.serializers.SignupSerializer",
}
# Custom user model
AUTH_USER_MODEL = "users.User"
EMAIL_HOST = env.str("EMAIL_HOST", "smtp.sendgrid.net")
EMAIL_HOST_USER = env.str("SENDGRID_USERNAME", "")
EMAIL_HOST_PASSWORD = env.str("SENDGRID_PASSWORD", "")
EMAIL_PORT = 587
EMAIL_USE_TLS = True
# start fcm_django push notifications
FCM_DJANGO_SETTINGS = {
"FCM_SERVER_KEY": env.str("FCM_SERVER_KEY", "")
}
# end fcm_django push notifications
# Swagger settings for api docs
SWAGGER_SETTINGS = {
"DEFAULT_INFO": f"{ROOT_URLCONF}.api_info",
}
if DEBUG or not (EMAIL_HOST_USER and EMAIL_HOST_PASSWORD):
# output email to console instead of sending
if not DEBUG:
logging.warning("You should setup `SENDGRID_USERNAME` and `SENDGRID_PASSWORD` env vars to send emails.")
EMAIL_BACKEND = "django.core.mail.backends.console.EmailBackend"
| [
"[email protected]"
] | |
18665ea34c033295b8e4700a027f68063c854ab4 | dc99adb79f15b3889a7ef6139cfe5dfc614889b8 | /Aplikace_1_0/Source/libs/datastore/permanent_datastore.py | 6935c3ec09a6f86e8c847f2670ed1d8ef4f13de6 | [] | no_license | meloun/ew_aplikace | 95d1e4063a149a10bb3a96f372691b5110c26b7b | f890c020ad8d3d224f796dab3f1f222c1f6ba0eb | refs/heads/master | 2023-04-28T06:43:12.252105 | 2023-04-18T19:59:36 | 2023-04-18T19:59:36 | 2,674,595 | 0 | 2 | null | null | null | null | UTF-8 | Python | false | false | 3,752 | py | # -*- coding: utf-8 -*-
import libs.datastore.datastore as datastore
import libs.db.db_json as db_json
class PermanentDatastore(datastore.Datastore):
def __init__(self, filename, default_data):
#create datastore, default dictionary
datastore.Datastore.__init__(self, default_data)
#create db, restore: permanents from default dict
self.db = db_json.Db(filename, self.GetAllPermanents())
#update datastore from db
self.Update(self.db.load())
#consistency check, if not consistent then update the datastore
self.consistency_check = self.UpdateConsistencyDict(self.data, default_data)
print "I: Dstore: consistency check: ", self.consistency_check
if(self.consistency_check == False):
self.db.dump(self.GetAllPermanents())
def Update(self, update_dict):
#update data
datastore.Datastore.Update(self, update_dict)
#update file with permanents datapoints
self.db.dump(self.GetAllPermanents())
#update consistency
def UpdateConsistencyDict(self, destination, source):
ret = True
for k,v in source.iteritems():
if isinstance(v, dict):
#print "UCD----UCL", k, v
if self.UpdateConsistencyDict(destination[k], v) == False:
ret = False
elif isinstance(v, list):
if self.UpdateConsistencyList(destination[k], v) == False:
ret = False
else:
if k not in destination:
print "----NOT MATCH", k, v
destination[k] = v
ret = False
#else:
# print "-MATCH", k, v
return ret
def UpdateConsistencyList(self, destination, source):
ret = True
for i in range(len(source)):
if isinstance(source[i], dict):
#print "UCL----UCD", source[i]
if self.UpdateConsistencyDict(destination[i], source[i]) == False:
ret = False
elif isinstance(source[i], list):
#print "UCL----UCL", source[i]
if self.UpdateConsistencyList(destination[i], source[i]) == False:
ret = False
return ret
def Set(self, name, value, section = "GET_SET", permanent = True):
#update data
changed = datastore.Datastore.Set(self, name, value, section)
#update file
if changed and permanent and self.IsPermanent(name):
#print "zapis", name, value
self.db.dump(self.GetAllPermanents())
def SetItem(self, name, keys, value, section = "GET_SET", permanent = True, changed = True):
if(value == datastore.Datastore.GetItem(self, name, keys, section)):
return
#set item
datastore.Datastore.SetItem(self, name, keys, value, section, changed)
#store permanents to the file
if permanent and self.IsPermanent(name):
#print "zapis", name, keys, value, section
self.db.dump(self.GetAllPermanents())
if __name__ == "__main__":
mydatastore = PermanentDatastore('conf/conf_work.json', {"a":1, "b":2})
| [
"[email protected]"
] | |
179495f51c0ca3686b172e62eca34a2ff82cb3eb | 5883449aa14eb5e8b3fa6ad4d03d1dfacc40ccee | /Amazon_Framework/DentOsTestbedLib/src/dent_os_testbed/lib/iptables/linux/linux_ip_tables_impl.py | 48c2c6fbe7b5cc156f72e7c3ec5682b0261dd382 | [
"Apache-2.0"
] | permissive | tld3daniel/testing | 826183f30d65f696e8476d4a584c4668355e0cb3 | e4c8221e18cd94e7424c30e12eb0fb82f7767267 | refs/heads/master | 2023-09-01T12:39:26.845648 | 2021-08-11T15:53:16 | 2021-08-11T15:53:16 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 8,339 | py | from dent_os_testbed.lib.iptables.linux.linux_ip_tables import LinuxIpTables
class LinuxIpTablesImpl(LinuxIpTables):
"""
iptables [-t table] {-A|-C|-D} chain rule-specification
ip6tables [-t table] {-A|-C|-D} chain rule-specification
iptables [-t table] -I chain [rulenum] rule-specification
iptables [-t table] -R chain rulenum rule-specification
iptables [-t table] -D chain rulenum
iptables [-t table] -S [chain [rulenum]]
iptables [-t table] {-F|-L|-Z} [chain [rulenum]] [options...]
iptables [-t table] -N chain
iptables [-t table] -X [chain]
iptables [-t table] -P chain target
iptables [-t table] -E old-chain-name new-chain-name
rule-specification = [matches...] [target]
match = -m matchname [per-match-options]
target = -j targetname [per-target-options]
"""
def format_update_rules(self, command, *argv, **kwarg):
"""
-A, --append chain rule-specification
Append one or more rules to the end of the selected chain. When the source and/or destination names resolve
to more than one address, a rule will be added for each possible address combination.
-C, --check chain rule-specification
Check whether a rule matching the specification does exist in the selected chain. This command uses the same
logic as -D to find a matching entry, but does not alter the existing
iptables configuration and uses its exit code to indicate success or failure.
-D, --delete chain rule-specification
-D, --delete chain rulenum
Delete one or more rules from the selected chain. There are two versions of this command: the rule
can be specified as a number in the chain (starting at 1 for the first rule) or a rule to match.
-I, --insert chain [rulenum] rule-specification
Insert one or more rules in the selected chain as the given rule number. So, if the rule number is 1,
the rule or rules are inserted at the head of the chain. This is also the
default if no rule number is specified.
-R, --replace chain rulenum rule-specification
Replace a rule in the selected chain. If the source and/or destination names resolve to multiple
addresses, the command will fail. Rules are numbered starting at 1.
"""
params = kwarg["params"]
cmd = "iptables "
cmd += "-t {} ".format(params["table"]) if "table" in params else ""
cmd += "--{} ".format(command)
cmd += "{} ".format(params["chain"]) if "chain" in params else ""
if "in-interface" in params:
cmd += "-i {} ".format(params["in-interface"])
if "source" in params:
cmd += "-s {} ".format(params["source"])
if "destination" in params:
cmd += "-d {} ".format(params["destination"])
if "protocol" in params:
cmd += "-p {} ".format(params["protocol"])
if "dport" in params:
cmd += "--dport {} ".format(params["dport"])
if "sport" in params:
cmd += "--sport {} ".format(params["sport"])
if "mac-source" in params:
cmd += "-m mac --mac-source {} ".format(params["mac-source"])
if "target" in params:
cmd += "-j {} ".format(params["target"])
return cmd
def format_show_rules(self, command, *argv, **kwarg):
"""
-L, --list [chain]
List all rules in the selected chain. If no chain is selected, all chains are listed. Like every other
iptables command, it applies to the specified table (filter is the default), so NAT rules get listed by
iptables -t nat -n -L
Please note that it is often used with the -n option, in order to avoid long reverse DNS lookups.
It is legal to specify the -Z (zero) option as well, in which case the chain(s) will be atomically listed
and zeroed. The exact output is affected by the other arguments given. The exact rules are suppressed
until you use iptables -L -v or iptables-save(8).
-S, --list-rules [chain]
Print all rules in the selected chain. If no chain is selected, all chains are printed like iptables-save.
Like every other iptables command, it applies to the specified table (filter is the default).
-F, --flush [chain]
Flush the selected chain (all the chains in the table if none is given). This is equivalent to deleting
all the rules one by one.
-Z, --zero [chain [rulenum]]
Zero the packet and byte counters in all chains, or only the given chain, or only the given rule in a chain.
It is legal to specify the -L, --list (list) option as well, to see the counters immediately before they are
cleared. (See above.)
"""
params = kwarg["params"]
############# Implement me ################
cmd = "iptables "
cmd += "-t {} ".format(params["table"]) if "table" in params else ""
cmd += "{} ".format(params["cmd_options"]) if "cmd_options" in params else ""
cmd += "--{} ".format(command)
if "chain" in params:
cmd += "{} ".format(params["chain"])
return cmd
def parse_show_rules(self, command, output, *argv, **kwarg):
lines = output.split("\n")
chain = None
chains = {}
rules = []
for line in lines:
if line.startswith("Chain"):
if chain is not None:
chains[chain] = rules
rules = []
chain = line.split(" ")[1]
continue
if line.startswith("num"):
continue
r = {}
t = line.split()
if len(t) < 10:
continue
"""
num pkts bytes target prot opt in out source destination
1 6432 353K ACCEPT all -- * * 127.0.0.1 127.0.0.1
2 0 0 ACCEPT tcp -- swp+ * 0.0.0.0/0 10.2.96.0/19 tcp spt:8883
"""
r["num"] = t.pop(0)
r["packets"] = t.pop(0)
r["bytes"] = t.pop(0)
r["target"] = t.pop(0)
r["keys"] = {}
r["keys"]["ipproto"] = t.pop(0)
r["keys"]["opt"] = t.pop(0)
r["keys"]["in"] = t.pop(0)
r["keys"]["out"] = t.pop(0)
r["keys"]["srcIp"] = t.pop(0)
r["keys"]["dstIp"] = t.pop(0)
if t:
more = t.pop(0)
if more in ["tcp", "udp"]:
while t:
l4port = t.pop(0)
if l4port.startswith("dpt"):
r["keys"]["dstPort"] = l4port.split(":")[1]
if l4port.startswith("spt"):
r["keys"]["srcPort"] = l4port.split(":")[1]
rules.append(r)
if chain is not None:
chains[chain] = rules
return chains
def format_update_chain(self, command, *argv, **kwarg):
"""
-N, --new-chain chain
Create a new user-defined chain by the given name. There must be no target of that name already.
-X, --delete-chain [chain]
Delete the optional user-defined chain specified. There must be no references to the chain.
If there are, you must delete or replace the referring rules before the chain can be deleted.
The chain must be empty, i.e. not contain any rules. If no argument is given, it will attempt
to delete every non-builtin chain in the table.
-P, --policy chain target
Set the policy for the built-in (non-user-defined) chain to the given target. The policy target
must be either ACCEPT or DROP.
-E, --rename-chain old-chain new-chain
Rename the user specified chain to the user supplied name. This is cosmetic, and has no effect
on the structure of the table.
"""
params = kwarg["params"]
cmd = "iptables {} ".format(command)
############# Implement me ################
return cmd
| [
"[email protected]"
] | |
db04e4251289a2b13df6f327d687283cde1e585e | aaa762ce46fa0347cdff67464f56678ea932066d | /AppServer/lib/django-0.96/django/core/mail.py | b9966c2af023eea017e2bf5a0f22fe9c3067243a | [
"Apache-2.0",
"LGPL-2.1-or-later",
"BSD-3-Clause",
"MIT",
"GPL-2.0-or-later",
"MPL-1.1"
] | permissive | obino/appscale | 3c8a9d8b45a6c889f7f44ef307a627c9a79794f8 | be17e5f658d7b42b5aa7eeb7a5ddd4962f3ea82f | refs/heads/master | 2022-10-01T05:23:00.836840 | 2019-10-15T18:19:38 | 2019-10-15T18:19:38 | 16,622,826 | 1 | 0 | Apache-2.0 | 2022-09-23T22:56:17 | 2014-02-07T18:04:12 | Python | UTF-8 | Python | false | false | 4,253 | py | # Use this module for e-mailing.
from django.conf import settings
from email.MIMEText import MIMEText
from email.Header import Header
from email.Utils import formatdate
import smtplib
import socket
import time
import random
# Cache the hostname, but do it lazily: socket.getfqdn() can take a couple of
# seconds, which slows down the restart of the server.
class CachedDnsName(object):
def __str__(self):
return self.get_fqdn()
def get_fqdn(self):
if not hasattr(self, '_fqdn'):
self._fqdn = socket.getfqdn()
return self._fqdn
DNS_NAME = CachedDnsName()
class BadHeaderError(ValueError):
pass
class SafeMIMEText(MIMEText):
def __setitem__(self, name, val):
"Forbids multi-line headers, to prevent header injection."
if '\n' in val or '\r' in val:
raise BadHeaderError, "Header values can't contain newlines (got %r for header %r)" % (val, name)
if name == "Subject":
val = Header(val, settings.DEFAULT_CHARSET)
MIMEText.__setitem__(self, name, val)
def send_mail(subject, message, from_email, recipient_list, fail_silently=False, auth_user=None, auth_password=None):
"""
Easy wrapper for sending a single message to a recipient list. All members
of the recipient list will see the other recipients in the 'To' field.
If auth_user is None, the EMAIL_HOST_USER setting is used.
If auth_password is None, the EMAIL_HOST_PASSWORD setting is used.
"""
if auth_user is None:
auth_user = settings.EMAIL_HOST_USER
if auth_password is None:
auth_password = settings.EMAIL_HOST_PASSWORD
return send_mass_mail([[subject, message, from_email, recipient_list]], fail_silently, auth_user, auth_password)
def send_mass_mail(datatuple, fail_silently=False, auth_user=None, auth_password=None):
"""
Given a datatuple of (subject, message, from_email, recipient_list), sends
each message to each recipient list. Returns the number of e-mails sent.
If from_email is None, the DEFAULT_FROM_EMAIL setting is used.
If auth_user and auth_password are set, they're used to log in.
If auth_user is None, the EMAIL_HOST_USER setting is used.
If auth_password is None, the EMAIL_HOST_PASSWORD setting is used.
"""
if auth_user is None:
auth_user = settings.EMAIL_HOST_USER
if auth_password is None:
auth_password = settings.EMAIL_HOST_PASSWORD
try:
server = smtplib.SMTP(settings.EMAIL_HOST, settings.EMAIL_PORT)
if auth_user and auth_password:
server.login(auth_user, auth_password)
except:
if fail_silently:
return
raise
num_sent = 0
for subject, message, from_email, recipient_list in datatuple:
if not recipient_list:
continue
from_email = from_email or settings.DEFAULT_FROM_EMAIL
msg = SafeMIMEText(message, 'plain', settings.DEFAULT_CHARSET)
msg['Subject'] = subject
msg['From'] = from_email
msg['To'] = ', '.join(recipient_list)
msg['Date'] = formatdate()
try:
random_bits = str(random.getrandbits(64))
except AttributeError: # Python 2.3 doesn't have random.getrandbits().
random_bits = ''.join([random.choice('1234567890') for i in range(19)])
msg['Message-ID'] = "<%d.%s@%s>" % (time.time(), random_bits, DNS_NAME)
try:
server.sendmail(from_email, recipient_list, msg.as_string())
num_sent += 1
except:
if not fail_silently:
raise
try:
server.quit()
except:
if fail_silently:
return
raise
return num_sent
def mail_admins(subject, message, fail_silently=False):
"Sends a message to the admins, as defined by the ADMINS setting."
send_mail(settings.EMAIL_SUBJECT_PREFIX + subject, message, settings.SERVER_EMAIL, [a[1] for a in settings.ADMINS], fail_silently)
def mail_managers(subject, message, fail_silently=False):
"Sends a message to the managers, as defined by the MANAGERS setting."
send_mail(settings.EMAIL_SUBJECT_PREFIX + subject, message, settings.SERVER_EMAIL, [a[1] for a in settings.MANAGERS], fail_silently)
| [
"[email protected]"
] | |
c6ab6b5a881525b9fd0cbc34430c66323cd4da68 | e3365bc8fa7da2753c248c2b8a5c5e16aef84d9f | /indices/hard.py | 22f87c30a5d7750ec2b410cb445691e2da331f1d | [] | no_license | psdh/WhatsintheVector | e8aabacc054a88b4cb25303548980af9a10c12a8 | a24168d068d9c69dc7a0fd13f606c080ae82e2a6 | refs/heads/master | 2021-01-25T10:34:22.651619 | 2015-09-23T11:54:06 | 2015-09-23T11:54:06 | 42,749,205 | 2 | 3 | null | 2015-09-23T11:54:07 | 2015-09-18T22:06:38 | Python | UTF-8 | Python | false | false | 2,797 | py | ii = [('BentJDO2.py', 1), ('EmerRN.py', 2), ('LyelCPG2.py', 3), ('MarrFDI.py', 16), ('RogePAV2.py', 32), ('CoolWHM2.py', 9), ('KembFFF.py', 9), ('GodwWSL2.py', 11), ('ChanWS.py', 6), ('RogePAV.py', 41), ('SadlMLP.py', 8), ('FerrSDO3.py', 2), ('WilbRLW.py', 21), ('WilbRLW4.py', 13), ('RennJIT.py', 25), ('ProuWCM.py', 8), ('AubePRP2.py', 1), ('CookGHP.py', 5), ('ShawHDE.py', 1), ('MartHSI2.py', 6), ('LeakWTI2.py', 6), ('UnitAI.py', 1), ('KembFJ1.py', 7), ('WilkJMC3.py', 24), ('WilbRLW5.py', 11), ('LeakWTI3.py', 7), ('PettTHE.py', 21), ('MarrFDI3.py', 2), ('TennAP.py', 1), ('PeckJNG.py', 4), ('KnowJMM.py', 6), ('BailJD2.py', 8), ('AubePRP.py', 6), ('ChalTPW2.py', 3), ('GellWPT.py', 3), ('AdamWEP.py', 16), ('FitzRNS3.py', 18), ('WilbRLW2.py', 15), ('ClarGE2.py', 11), ('GellWPT2.py', 7), ('WilkJMC2.py', 10), ('CarlTFR.py', 61), ('SeniNSP.py', 8), ('LyttELD.py', 6), ('CoopJBT2.py', 8), ('TalfTAC.py', 3), ('GrimSLE.py', 4), ('RoscTTI3.py', 2), ('AinsWRR3.py', 20), ('CookGHP2.py', 4), ('KiddJAE.py', 20), ('AdamHMM.py', 1), ('BailJD1.py', 8), ('RoscTTI2.py', 4), ('CoolWHM.py', 6), ('MarrFDI2.py', 1), ('CrokTPS.py', 17), ('ClarGE.py', 16), ('LandWPA.py', 12), ('BuckWGM.py', 13), ('IrviWVD.py', 5), ('LyelCPG.py', 21), ('GilmCRS.py', 9), ('DaltJMA.py', 2), ('WestJIT2.py', 15), ('DibdTRL2.py', 11), ('AinsWRR.py', 11), ('CrocDNL.py', 39), ('MedwTAI.py', 12), ('LandWPA2.py', 5), ('WadeJEB.py', 9), ('FerrSDO2.py', 4), ('TalfTIT.py', 3), ('NewmJLP.py', 3), ('GodwWLN.py', 4), ('CoopJBT.py', 19), ('KirbWPW2.py', 14), ('SoutRD2.py', 3), ('BackGNE.py', 28), ('LeakWTI4.py', 10), ('LeakWTI.py', 7), ('MedwTAI2.py', 9), ('SoutRD.py', 2), ('DickCSG.py', 2), ('BuckWGM2.py', 5), ('WheeJPT.py', 9), ('MereHHB3.py', 10), ('HowiWRL2.py', 16), ('BailJD3.py', 16), ('MereHHB.py', 1), ('WilkJMC.py', 6), ('HogaGMM.py', 3), ('MartHRW.py', 19), ('MackCNH.py', 3), ('WestJIT.py', 11), ('BabbCEM.py', 13), ('FitzRNS4.py', 54), ('CoolWHM3.py', 7), ('DequTKM.py', 2), ('FitzRNS.py', 61), ('BentJRP.py', 21), ('EdgeMHT.py', 6), ('BowrJMM.py', 3), ('LyttELD3.py', 8), ('FerrSDO.py', 8), ('RoscTTI.py', 5), ('ThomGLG.py', 8), ('StorJCC.py', 2), ('KembFJ2.py', 7), ('LewiMJW.py', 18), ('BabbCRD.py', 2), ('BellCHM.py', 11), ('SomeMMH.py', 1), ('HaliTBC.py', 4), ('WilbRLW3.py', 30), ('AinsWRR2.py', 3), ('MereHHB2.py', 5), ('BrewDTO.py', 1), ('JacoWHI.py', 6), ('ClarGE3.py', 16), ('RogeSIP.py', 2), ('MartHRW2.py', 11), ('DibdTRL.py', 13), ('FitzRNS2.py', 70), ('HogaGMM2.py', 2), ('MartHSI.py', 13), ('EvarJSP.py', 5), ('NortSTC.py', 9), ('SadlMLP2.py', 8), ('BowrJMM2.py', 3), ('LyelCPG3.py', 23), ('BeckWRE.py', 2), ('TaylIF.py', 22), ('WordWYR.py', 6), ('DibdTBR.py', 4), ('ThomWEC.py', 2), ('KeigTSS.py', 4), ('KirbWPW.py', 13), ('WaylFEP.py', 2), ('BentJDO.py', 3), ('ClarGE4.py', 25), ('HowiWRL.py', 19)] | [
"[email protected]"
] | |
6818fa3cae3acad1fdf03d2dc50d5db778b3fdb6 | ad10f4d1530fe4ededfbb93ee31042c9e5c24e9a | /Data Structure/dataframe/21_dataframe에 현재 시간 기준 column 추가하기.py | ca7472dc6d67464724dfd8b9ff597bcc767ee050 | [] | no_license | WinterBlue16/Function-for-work | 0d76ea2c326e547ad0cc3171f4a5a09d02de5a58 | 38603549b448198c12b48c95147516dbbc3f28f2 | refs/heads/master | 2022-07-15T20:30:26.178739 | 2022-07-04T13:42:01 | 2022-07-04T13:42:01 | 238,364,618 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 189 | py | """
dataframe에 현재 시간을 기준으로 한 column을 추가합니다.
"""
import pandas as pd
def add_datetime_col(df):
df['created_at'] = pd.to_datetime('now')
return df
| [
"[email protected]"
] | |
bbb18f7782294604bc2614f3e8036877cec6f4c2 | 09e57dd1374713f06b70d7b37a580130d9bbab0d | /benchmark/startCirq1646.py | a4be0a640c12c3a50a9fd916217514b0b775b2e0 | [
"BSD-3-Clause"
] | permissive | UCLA-SEAL/QDiff | ad53650034897abb5941e74539e3aee8edb600ab | d968cbc47fe926b7f88b4adf10490f1edd6f8819 | refs/heads/main | 2023-08-05T04:52:24.961998 | 2021-09-19T02:56:16 | 2021-09-19T02:56:16 | 405,159,939 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,350 | py | #!/usr/bin/env python
# -*- coding: utf-8 -*-
# @Time : 5/15/20 4:49 PM
# @File : grover.py
# qubit number=5
# total number=63
import cirq
import cirq.google as cg
from typing import Optional
import sys
from math import log2
import numpy as np
#thatsNoCode
from cirq.contrib.svg import SVGCircuit
# Symbols for the rotation angles in the QAOA circuit.
def make_circuit(n: int, input_qubit):
c = cirq.Circuit() # circuit begin
c.append(cirq.H.on(input_qubit[0])) # number=3
c.append(cirq.H.on(input_qubit[1])) # number=4
c.append(cirq.H.on(input_qubit[0])) # number=57
c.append(cirq.CZ.on(input_qubit[4],input_qubit[0])) # number=58
c.append(cirq.H.on(input_qubit[0])) # number=59
c.append(cirq.Z.on(input_qubit[4])) # number=55
c.append(cirq.CNOT.on(input_qubit[4],input_qubit[0])) # number=56
c.append(cirq.H.on(input_qubit[2])) # number=50
c.append(cirq.CZ.on(input_qubit[4],input_qubit[2])) # number=51
c.append(cirq.H.on(input_qubit[2])) # number=52
c.append(cirq.H.on(input_qubit[2])) # number=5
c.append(cirq.H.on(input_qubit[3])) # number=6
c.append(cirq.H.on(input_qubit[4])) # number=21
for i in range(2):
c.append(cirq.H.on(input_qubit[0])) # number=1
c.append(cirq.H.on(input_qubit[1])) # number=2
c.append(cirq.H.on(input_qubit[2])) # number=7
c.append(cirq.H.on(input_qubit[3])) # number=8
c.append(cirq.H.on(input_qubit[0])) # number=17
c.append(cirq.H.on(input_qubit[1])) # number=18
c.append(cirq.H.on(input_qubit[2])) # number=19
c.append(cirq.H.on(input_qubit[3])) # number=20
c.append(cirq.H.on(input_qubit[0])) # number=28
c.append(cirq.Z.on(input_qubit[3])) # number=42
c.append(cirq.CZ.on(input_qubit[1],input_qubit[0])) # number=29
c.append(cirq.H.on(input_qubit[0])) # number=30
c.append(cirq.H.on(input_qubit[0])) # number=43
c.append(cirq.CZ.on(input_qubit[1],input_qubit[0])) # number=44
c.append(cirq.H.on(input_qubit[0])) # number=45
c.append(cirq.CNOT.on(input_qubit[1],input_qubit[0])) # number=35
c.append(cirq.H.on(input_qubit[0])) # number=60
c.append(cirq.CZ.on(input_qubit[1],input_qubit[0])) # number=61
c.append(cirq.H.on(input_qubit[0])) # number=62
c.append(cirq.X.on(input_qubit[0])) # number=39
c.append(cirq.CNOT.on(input_qubit[1],input_qubit[0])) # number=40
c.append(cirq.CNOT.on(input_qubit[1],input_qubit[0])) # number=37
c.append(cirq.H.on(input_qubit[0])) # number=46
c.append(cirq.CZ.on(input_qubit[1],input_qubit[0])) # number=47
c.append(cirq.H.on(input_qubit[0])) # number=48
c.append(cirq.CNOT.on(input_qubit[1],input_qubit[0])) # number=27
c.append(cirq.X.on(input_qubit[1])) # number=10
c.append(cirq.X.on(input_qubit[2])) # number=11
c.append(cirq.X.on(input_qubit[3])) # number=12
c.append(cirq.X.on(input_qubit[0])) # number=13
c.append(cirq.CNOT.on(input_qubit[0],input_qubit[1])) # number=22
c.append(cirq.Y.on(input_qubit[2])) # number=41
c.append(cirq.X.on(input_qubit[1])) # number=23
c.append(cirq.CNOT.on(input_qubit[0],input_qubit[1])) # number=24
c.append(cirq.rx(1.0398671683382215).on(input_qubit[2])) # number=31
c.append(cirq.X.on(input_qubit[2])) # number=15
c.append(cirq.X.on(input_qubit[3])) # number=16
# circuit end
c.append(cirq.measure(*input_qubit, key='result'))
return c
def bitstring(bits):
return ''.join(str(int(b)) for b in bits)
if __name__ == '__main__':
qubit_count = 5
input_qubits = [cirq.GridQubit(i, 0) for i in range(qubit_count)]
circuit = make_circuit(qubit_count,input_qubits)
circuit = cg.optimized_for_sycamore(circuit, optimizer_type='sqrt_iswap')
circuit_sample_count =2000
simulator = cirq.Simulator()
result = simulator.run(circuit, repetitions=circuit_sample_count)
frequencies = result.histogram(key='result', fold_func=bitstring)
writefile = open("../data/startCirq1646.csv","w+")
print(format(frequencies),file=writefile)
print("results end", file=writefile)
print(circuit.__len__(), file=writefile)
print(circuit,file=writefile)
writefile.close() | [
"[email protected]"
] | |
3c6920fd556e9c8e818a39d2f5644c70aa619222 | a8e8ae98c26a54a99ea840a10140e4c5c4080f27 | /external/workload-automation/wa/workloads/stress_ng/__init__.py | 9cf1a7d70eb25e29226a15e28fdd39399af418d4 | [
"Apache-2.0",
"LicenseRef-scancode-unknown-license-reference",
"GPL-2.0-only"
] | permissive | ARM-software/lisa | c51ea10d9f1ec1713a365ca0362f176c6a333191 | be8427f24d7565c0668cd51ed7ed55867fcec889 | refs/heads/main | 2023-08-30T20:55:20.646965 | 2023-08-29T15:15:12 | 2023-08-29T16:19:20 | 47,548,304 | 200 | 131 | Apache-2.0 | 2023-09-14T11:03:27 | 2015-12-07T11:32:56 | Jupyter Notebook | UTF-8 | Python | false | false | 5,840 | py | # Copyright 2015, 2018 ARM Limited
#
# 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=attribute-defined-outside-init
import os
from wa import Workload, Parameter, ConfigError, Executable
from wa.framework.exception import WorkloadError
from wa.utils.exec_control import once
from wa.utils.serializer import yaml
class StressNg(Workload):
name = 'stress-ng'
description = """
Run the stress-ng benchmark.
stress-ng will stress test a computer system in various selectable ways. It
was designed to exercise various physical subsystems of a computer as well
as the various operating system kernel interfaces.
stress-ng can also measure test throughput rates; this can be useful to
observe performance changes across different operating system releases or
types of hardware. However, it has never been intended to be used as a
precise benchmark test suite, so do NOT use it in this manner.
The official website for stress-ng is at:
http://kernel.ubuntu.com/~cking/stress-ng/
Source code are available from:
http://kernel.ubuntu.com/git/cking/stress-ng.git/
"""
parameters = [
Parameter('stressor', kind=str, default='cpu',
allowed_values=['cpu', 'io', 'fork', 'switch', 'vm', 'pipe',
'yield', 'hdd', 'cache', 'sock', 'fallocate',
'flock', 'affinity', 'timer', 'dentry',
'urandom', 'sem', 'open', 'sigq', 'poll'],
description='''
Stress test case name. The cases listed in
allowed values come from the stable release
version 0.01.32. The binary included here
compiled from dev version 0.06.01. Refer to
man page for the definition of each stressor.
'''),
Parameter('extra_args', kind=str, default="",
description='''
Extra arguments to pass to the workload.
Please note that these are not checked for validity.
'''),
Parameter('threads', kind=int, default=0,
description='''
The number of workers to run. Specifying a negative
or zero value will select the number of online
processors.
'''),
Parameter('duration', kind=int, default=60,
description='''
Timeout for test execution in seconds
''')
]
@once
def initialize(self, context):
if not self.target.is_rooted:
raise WorkloadError('stress-ng requires root premissions to run')
resource = Executable(self, self.target.abi, 'stress-ng')
host_exe = context.get_resource(resource)
StressNg.binary = self.target.install(host_exe)
def setup(self, context):
self.log = self.target.path.join(self.target.working_directory,
'stress_ng_output.txt')
self.results = self.target.path.join(self.target.working_directory,
'stress_ng_results.yaml')
self.command = ('{} --{} {} {} --timeout {}s --log-file {} --yaml {} '
'--metrics-brief --verbose'
.format(self.binary, self.stressor, self.threads,
self.extra_args, self.duration, self.log,
self.results))
self.timeout = self.duration + 10
def run(self, context):
self.output = self.target.execute(self.command, timeout=self.timeout,
as_root=True)
def extract_results(self, context):
self.host_file_log = os.path.join(context.output_directory,
'stress_ng_output.txt')
self.host_file_results = os.path.join(context.output_directory,
'stress_ng_results.yaml')
self.target.pull(self.log, self.host_file_log)
self.target.pull(self.results, self.host_file_results)
context.add_artifact('stress_ng_log', self.host_file_log, 'log', "stress-ng's logfile")
context.add_artifact('stress_ng_results', self.host_file_results, 'raw', "stress-ng's results")
def update_output(self, context):
with open(self.host_file_results, 'r') as stress_ng_results:
results = yaml.load(stress_ng_results)
try:
metric = results['metrics'][0]['stressor']
throughput = results['metrics'][0]['bogo-ops']
context.add_metric(metric, throughput, 'ops')
# For some stressors like vm, if test duration is too short, stress_ng
# may not able to produce test throughput rate.
except TypeError:
msg = '{} test throughput rate not found. Please increase test duration and retry.'
self.logger.warning(msg.format(self.stressor))
def validate(self):
if self.stressor == 'vm' and self.duration < 60:
raise ConfigError('vm test duration needs to be >= 60s.')
@once
def finalize(self, context):
if self.uninstall:
self.target.uninstall('stress-ng')
| [
"[email protected]"
] | |
88b3e6880ce673410ca83591864b5b4b37ea19a7 | 81407be1385564308db7193634a2bb050b4f822e | /the-python-standard-library-by-example/socket/socket_socketpair.py | 8ad13087f52f0fcdc2e9f9dab9e50f2b5dca1853 | [
"MIT"
] | permissive | gottaegbert/penter | 6db4f7d82c143af1209b4259ba32145aba7d6bd3 | 8cbb6be3c4bf67c7c69fa70e597bfbc3be4f0a2d | refs/heads/master | 2022-12-30T14:51:45.132819 | 2020-10-09T05:33:23 | 2020-10-09T05:33:23 | 305,266,398 | 0 | 0 | MIT | 2020-10-19T04:56:02 | 2020-10-19T04:53:05 | null | UTF-8 | Python | false | false | 630 | py | #!/usr/bin/env python
# encoding: utf-8
#
# Copyright (c) 2010 Doug Hellmann. All rights reserved.
#
"""Parent/child communication through a socket pair.
"""
#end_pymotw_header
import socket
import os
parent, child = socket.socketpair()
pid = os.fork()
if pid:
print 'in parent, sending message'
child.close()
parent.sendall('ping')
response = parent.recv(1024)
print 'response from child:', response
parent.close()
else:
print 'in child, waiting for message'
parent.close()
message = child.recv(1024)
print 'message from parent:', message
child.sendall('pong')
child.close()
| [
"[email protected]"
] | |
1fff82cd038d8994320954689957150347257e93 | 48cbea4784808788e1df99662c2e9d305aa27526 | /AppImageBuilder/app_dir/builder.py | be9ac9ce6583bcd849094c8efb15c3f995677f82 | [
"MIT"
] | permissive | blanksteer/appimage-builder | 5bc0aaecf5db89c3f496c2bd7808cfbf9d9a422c | 377cb8bba7d7972c0bb695b9c7c13ecdf28a83a3 | refs/heads/master | 2022-12-24T17:18:10.265744 | 2020-09-30T18:15:24 | 2020-09-30T18:15:24 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,750 | py | # Copyright 2020 Alexis Lopez Zubieta
#
# 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.
import logging
import os
from AppImageBuilder.app_dir.runtime.generator import RuntimeGenerator
from AppImageBuilder.app_dir.bundlers.file_bundler import FileBundler
from .app_info.bundle_info import BundleInfo
from .app_info.desktop_entry_generator import DesktopEntryGenerator
from .app_info.icon_bundler import IconBundler
from .app_info.loader import AppInfoLoader
from AppImageBuilder.app_dir.bundlers.factory import BundlerFactory
class BuilderError(RuntimeError):
pass
class Builder:
def __init__(self, recipe):
self.recipe = recipe
self.bundlers = []
self.generator = None
self._load_config()
def _load_config(self):
self.app_dir_conf = self.recipe.get_item('AppDir')
self.cache_dir = os.path.join(os.path.curdir, 'appimage-builder-cache')
self._load_app_dir_path()
self._load_app_info_config()
bundler_factory = BundlerFactory(self.app_dir_path, self.cache_dir)
bundler_factory.runtime = self.recipe.get_item('AppDir/runtime/generator', "wrapper")
for bundler_name in bundler_factory.list_bundlers():
if bundler_name in self.app_dir_conf:
bundler_settings = self.app_dir_conf[bundler_name]
bundler = bundler_factory.create(bundler_name, bundler_settings)
self.bundlers.append(bundler)
self.file_bundler = FileBundler(self.recipe)
def _load_app_dir_path(self):
self.app_dir_path = os.path.abspath(self.recipe.get_item('AppDir/path'))
os.makedirs(self.app_dir_path, exist_ok=True)
def _load_app_info_config(self):
loader = AppInfoLoader()
self.app_info = loader.load(self.recipe)
def build(self):
logging.info("=================")
logging.info("Generating AppDir")
logging.info("=================")
self._bundle_dependencies()
self._generate_runtime()
self._write_bundle_information()
def _bundle_dependencies(self):
logging.info("")
logging.info("Bundling dependencies")
logging.info("---------------------")
for bundler in self.bundlers:
bundler.run()
def _generate_runtime(self):
logging.info("")
logging.info("Generating runtime")
logging.info("__________________")
runtime = RuntimeGenerator(self.recipe)
runtime.generate()
def _write_bundle_information(self):
logging.info("")
logging.info("Generating metadata")
logging.info("___________________")
self._bundle_app_dir_icon()
self._generate_app_dir_desktop_entry()
self._generate_bundle_info()
def _bundle_app_dir_icon(self):
icon_bundler = IconBundler(self.app_dir_path, self.app_info.icon)
icon_bundler.bundle_icon()
def _generate_app_dir_desktop_entry(self):
desktop_entry_editor = DesktopEntryGenerator(self.app_dir_path)
desktop_entry_editor.generate(self.app_info)
def _generate_bundle_info(self):
info = BundleInfo(self.app_dir_path, self.bundlers)
info.generate()
| [
"[email protected]"
] | |
86f23652ca781acfd6d1f493185c442a6d2bd25b | 9ebd37765d98c245f9e90b719b03680bbf2f69e1 | /sources/BadParser.py | fa3d4a388a31e1061161f341926078be69666e09 | [] | no_license | icYFTL/ShadowServants-Brute-Python | e25964ad1e819f3185a7c55916fcb374153245c0 | ee5d0e2fdd6dfdad57bf03e8f99607c25a2bc3c1 | refs/heads/master | 2020-04-23T17:38:01.912148 | 2019-03-15T14:07:08 | 2019-03-15T14:07:08 | 171,338,283 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,524 | py | # Version 1.2 alpha
'''
How to use:
Example:
type_of_proxy = 1 # 1 - http, 2 - https, 3 - socks4, 4 - socks5
proxycount = 5000 # There's a limit. Read https://www.proxy-list.download/
a = BadParser(type_of_proxy,proxycount)
data = a.Grab()
# data = [1.1.1.1:8000, ...]
'''
import requests
class BadParser:
def __init__(self, kind, count):
print('[BadParser v.1.2 alpha]\n')
if kind == 1:
self.kind = 'http'
elif kind == 2:
self.kind = 'https'
elif kind == 3:
self.kind = 'socks4'
elif kind == 4:
self.kind = 'socks5'
self.count = count
self.handled = 0
self.proxy_list = []
def Grab(self):
print('Work initiated. Getting data from server.')
r = requests.get('https://www.proxy-list.download/api/v1/get?type={}&anon=elite'.format(self.kind))
print('Getting done. Parsing started.')
r = r.text.split('\r\n')
for i in r:
if self.count == 'max':
if i != '':
self.proxy_list.append(i)
self.handled += 1
else:
if int(self.handled) < int(self.count):
if i != '':
self.proxy_list.append(i)
self.handled += 1
else:
break
print('\nTotal parsed: {}\nWork done.\n'.format(self.handled))
return self.proxy_list
| [
"[email protected]"
] | |
a63330c736bf3f049319c6b98f4b620ef70fc6f8 | 0393de557686f3a7c81d1a60bbfb3895d1e18cb1 | /StreamLink/usr/lib/python3.8/site-packages/streamlink/plugins/albavision.py | 6ee7957f8ee4687e5df8a97c396b32b3a77bf92b | [] | no_license | yazidzebiri/eePlugins | e91193b419ab34131a952da00e2f8e1b08cad420 | 36fa3dd9a8d10b4a452a33962add68f1a12d6b58 | refs/heads/master | 2023-06-17T16:02:37.079183 | 2021-07-07T12:44:05 | 2021-07-07T12:44:05 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,926 | py | """
Support for the live streams on Albavision sites
- http://www.tvc.com.ec/envivo
- http://www.rts.com.ec/envivo
- http://www.elnueve.com.ar/en-vivo
- http://www.atv.pe/envivo/ATV
- http://www.atv.pe/envivo/ATVMas
"""
import logging
import re
import time
from streamlink import PluginError
from streamlink.compat import quote, range, urlencode, urlparse
from streamlink.plugin import Plugin
from streamlink.stream import HLSStream
from streamlink.utils import update_scheme
log = logging.getLogger(__name__)
class Albavision(Plugin):
_url_re = re.compile(r"https?://(?:www\.)?(tvc.com.ec|rts.com.ec|elnueve.com.ar|atv.pe)/en-?vivo(?:/ATV(?:Mas)?)?")
_token_input_re = re.compile(r"Math.floor\(Date.now\(\) / 3600000\),'([a-f0-9OK]+)'")
_live_url_re = re.compile(r"LIVE_URL = '(.*?)';")
_playlist_re = re.compile(r"file:\s*'(http.*m3u8)'")
_token_url_re = re.compile(r"https://.*/token/.*?\?rsk=")
_channel_urls = {
'ATV': 'http://dgrzfw9otv9ra.cloudfront.net/player_atv.html?iut=',
'ATVMas': 'http://dgrzfw9otv9ra.cloudfront.net/player_atv_mas.html?iut=',
'Canal5': 'http://dxejh4fchgs18.cloudfront.net/player_televicentro.html?iut=',
'Guayaquil': 'http://d2a6tcnofawcbm.cloudfront.net/player_rts.html?iut=',
'Quito': 'http://d3aacg6baj4jn0.cloudfront.net/reproductor_rts_o_quito.html?iut=',
}
def __init__(self, url):
super(Albavision, self).__init__(url)
self._page = None
@classmethod
def can_handle_url(cls, url):
return cls._url_re.match(url) is not None
@property
def page(self):
if not self._page:
self._page = self.session.http.get(self.url)
return self._page
def _get_token_url(self, channelnumber):
token = self._get_live_url_token(channelnumber)
if token:
m = self._token_url_re.findall(self.page.text)
token_url = m and m[channelnumber]
if token_url:
return token_url + token
else:
log.error("Could not find site token")
@staticmethod
def transform_token(token_in, date):
token_out = list(token_in)
offset = len(token_in)
for i in range(offset - 1, -1, -1):
p = (i * date) % offset
# swap chars at p and i
token_out[i], token_out[p] = token_out[p], token_out[i]
token_out = ''.join(token_out)
if token_out.endswith("OK"):
return token_out[:-2]
else:
log.error("Invalid site token: {0} => {1}".format(token_in, token_out))
def _get_live_url_token(self, channelnumber):
m = self._token_input_re.findall(self.page.text)
log.debug("Token input: {0}".format(m[channelnumber]))
if m:
date = int(time.time() // 3600)
return self.transform_token(m[channelnumber], date) or self.transform_token(m[channelnumber], date - 1)
def _get_token(self, channelnumber):
token_url = self._get_token_url(channelnumber)
if token_url:
res = self.session.http.get(token_url)
data = self.session.http.json(res)
if data['success']:
return data['token']
def _get_streams(self):
m = self._live_url_re.search(self.page.text)
playlist_url = m and update_scheme(self.url, m.group(1))
player_url = self.url
live_channel = None
p = urlparse(player_url)
channelnumber = 0
if p.netloc.endswith("tvc.com.ec"):
live_channel = "Canal5"
elif p.netloc.endswith("rts.com.ec"):
live_channel = "Guayaquil"
elif p.netloc.endswith("atv.pe"):
if p.path.endswith(("ATVMas", "ATVMas/")):
live_channel = "ATVMas"
channelnumber = 1
else:
live_channel = "ATV"
token = self._get_token(channelnumber)
log.debug("token {0}".format(token))
if playlist_url:
log.debug("Found playlist URL in the page")
else:
if live_channel:
log.debug("Live channel: {0}".format(live_channel))
player_url = self._channel_urls[live_channel] + quote(token)
page = self.session.http.get(player_url, raise_for_status=False)
if "block access from your country." in page.text:
raise PluginError("Content is geo-locked")
m = self._playlist_re.search(page.text)
playlist_url = m and update_scheme(self.url, m.group(1))
else:
log.error("Could not find the live channel")
if playlist_url:
stream_url = "{0}?{1}".format(playlist_url, urlencode({"iut": token}))
return HLSStream.parse_variant_playlist(self.session, stream_url, headers={"referer": player_url})
__plugin__ = Albavision
| [
"[email protected]"
] | |
f370e68f5f151f81a8bdc822000422bb3a00eb2f | 20f951bd927e4e5cde8ef7781813fcf0d51cc3ea | /fossir/modules/events/payment/testing/fixtures.py | cd8ec800a3c8878de5cf225e634d8c0ddd435ece | [] | no_license | HodardCodeclub/SoftwareDevelopment | 60a0fbab045cb1802925d4dd5012d5b030c272e0 | 6300f2fae830c0c2c73fe0afd9c684383bce63e5 | refs/heads/master | 2021-01-20T00:30:02.800383 | 2018-04-27T09:28:25 | 2018-04-27T09:28:25 | 101,277,325 | 0 | 2 | null | null | null | null | UTF-8 | Python | false | false | 714 | py |
import pytest
from fossir.modules.events.payment.models.transactions import PaymentTransaction, TransactionStatus
@pytest.fixture
def create_transaction():
"""Returns a callable which lets you create transactions"""
def _create_transaction(status, **params):
params.setdefault('amount', 10)
params.setdefault('currency', 'USD')
params.setdefault('provider', '_manual')
params.setdefault('data', {})
return PaymentTransaction(status=status, **params)
return _create_transaction
@pytest.fixture
def dummy_transaction(create_transaction):
"""Gives you a dummy successful transaction"""
return create_transaction(status=TransactionStatus.successful)
| [
"[email protected]"
] | |
877389eadf5431f86cce9536338e7780b5b6f092 | 090324db0c04d8c30ad6688547cfea47858bf3af | /tests/test_sokorule.py | d0e02c22a7085d11f93f4eebbaa8548dce508f8b | [] | no_license | fidlej/sokobot | b82c4c36d73e224d0d0e1635021ca04485da589e | d3d04753a5043e6a22dafd132fa633d8bc66b9ea | refs/heads/master | 2021-01-21T13:14:29.523501 | 2011-06-12T07:34:14 | 2011-06-12T07:34:14 | 32,650,745 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,035 | py |
from nose.tools import assert_equal
from soko.struct.rules.sokorule import PushRule, SokobanGoalRule
from soko.struct import modeling
def test_get_children():
rule = PushRule()
s = (
"# #",
"#@. #",
" $ #",
" #",
"#####",
)
used_cells = set()
children = rule.get_children(s, used_cells)
assert_equal(3, len(children))
_assert_contains(children,
("# #",
"# + #",
" $ #",
" #",
"#####",
))
_assert_contains(children,
("#@ #",
"# . #",
" $ #",
" #",
"#####",
))
_assert_contains(children,
("# #",
"# . #",
" @ #",
" $ #",
"#####",
))
used_s = modeling.mutablize(s)
for pos in used_cells:
x, y = pos
used_s[y][x] = "!"
assert_equal(modeling.immutablize(
(
"#! #",
"!!! #",
" ! #",
" ! #",
"#####",
)), modeling.immutablize(used_s))
def test_get_children_from_end_state():
s = modeling.immutablize("""\
#$ #
@ .#
#
#
#####""".splitlines())
rule = PushRule()
used_cells = set()
children = rule.get_children(s, used_cells)
assert_equal(None, children)
assert_equal(set(), used_cells)
def test_is_goaling():
rule = SokobanGoalRule()
s = (
"# #",
"# .#",
" $#",
" @#",
"#####",
)
next_s = (
"# #",
"# *#",
" @#",
" #",
"#####",
)
assert_equal(True, rule.is_goaling(s, next_s))
assert_equal(False, rule.is_goaling(next_s, s))
assert_equal(False, rule.is_goaling(next_s, next_s))
def _assert_contains(childern, s):
s = modeling.immutablize(s)
assert s in childern
| [
"[email protected]"
] | |
68d9ab65613c09fa8f9fb2cc9c777da8f5849f98 | bea556733142d4a41562f4c9e0d26418780f244e | /tools/cef_parser.py | d624358ad9ecb90298be67f31df591c9d7a548fa | [
"BSD-3-Clause"
] | permissive | EricTop3/cef | fd48f706b27a51951b830a6673be10a9e63030c5 | e83d8d6a131ad39b98c97c945ccf77bcd723378f | refs/heads/master | 2023-09-04T00:11:52.720554 | 2021-11-09T19:21:58 | 2021-11-09T19:21:58 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 66,664 | py | # Copyright (c) 2011 The Chromium Embedded Framework Authors. All rights
# reserved. Use of this source code is governed by a BSD-style license that
# can be found in the LICENSE file.
from __future__ import absolute_import
from date_util import *
from file_util import *
import os
import re
import shutil
import string
import sys
import textwrap
import time
def notify(msg):
""" Display a message. """
sys.stdout.write(' NOTE: ' + msg + '\n')
def wrap_text(text, indent='', maxchars=80):
""" Wrap the text to the specified number of characters. If
necessary a line will be broken and wrapped after a word.
"""
result = ''
lines = textwrap.wrap(text, maxchars - len(indent))
for line in lines:
result += indent + line + '\n'
return result
def is_base_class(clsname):
""" Returns true if |clsname| is a known base (root) class in the object
hierarchy.
"""
return clsname == 'CefBaseRefCounted' or clsname == 'CefBaseScoped'
def get_capi_file_name(cppname):
""" Convert a C++ header file name to a C API header file name. """
return cppname[:-2] + '_capi.h'
def get_capi_name(cppname, isclassname, prefix=None):
""" Convert a C++ CamelCaps name to a C API underscore name. """
result = ''
lastchr = ''
for chr in cppname:
# add an underscore if the current character is an upper case letter
# and the last character was a lower case letter
if len(result) > 0 and not chr.isdigit() \
and chr.upper() == chr \
and not lastchr.upper() == lastchr:
result += '_'
result += chr.lower()
lastchr = chr
if isclassname:
result += '_t'
if not prefix is None:
if prefix[0:3] == 'cef':
# if the prefix name is duplicated in the function name
# remove that portion of the function name
subprefix = prefix[3:]
pos = result.find(subprefix)
if pos >= 0:
result = result[0:pos] + result[pos + len(subprefix):]
result = prefix + '_' + result
return result
def get_wrapper_type_enum(cppname):
""" Returns the wrapper type enumeration value for the specified C++ class
name. """
return 'WT_' + get_capi_name(cppname, False)[4:].upper()
def get_prev_line(body, pos):
""" Retrieve the start and end positions and value for the line immediately
before the line containing the specified position.
"""
end = body.rfind('\n', 0, pos)
start = body.rfind('\n', 0, end) + 1
line = body[start:end]
return {'start': start, 'end': end, 'line': line}
def get_comment(body, name):
""" Retrieve the comment for a class or function. """
result = []
pos = body.find(name)
in_block_comment = False
while pos > 0:
data = get_prev_line(body, pos)
line = data['line'].strip()
pos = data['start']
if len(line) == 0:
# check if the next previous line is a comment
prevdata = get_prev_line(body, pos)
prevline = prevdata['line'].strip()
if prevline[0:2] == '//' and prevline[0:3] != '///':
result.append(None)
else:
break
# single line /*--cef()--*/
elif line[0:2] == '/*' and line[-2:] == '*/':
continue
# start of multi line /*--cef()--*/
elif in_block_comment and line[0:2] == '/*':
in_block_comment = False
continue
# end of multi line /*--cef()--*/
elif not in_block_comment and line[-2:] == '*/':
in_block_comment = True
continue
elif in_block_comment:
continue
elif line[0:2] == '//':
# keep the comment line including any leading spaces
result.append(line[2:])
else:
break
result.reverse()
return result
def validate_comment(file, name, comment):
""" Validate the comment array returned by get_comment(). """
# Verify that the comment contains beginning and ending '///' as required by
# CppDoc (the leading '//' from each line will already have been removed by
# the get_comment() logic). There may be additional comments proceeding the
# CppDoc block so we look at the quantity of lines equaling '/' and expect
# the last line to be '/'.
docct = 0
for line in comment:
if not line is None and len(line) > 0 and line == '/':
docct = docct + 1
if docct != 2 or len(comment) < 3 or comment[len(comment) - 1] != '/':
raise Exception('Missing or incorrect comment in %s for: %s' % \
(file, name))
def format_comment(comment, indent, translate_map=None, maxchars=80):
""" Return the comments array as a formatted string. """
if not translate_map is None:
# Replace longest keys first in translation.
translate_keys = sorted(
translate_map.keys(), key=lambda item: (-len(item), item))
result = ''
wrapme = ''
hasemptyline = False
for line in comment:
# if the line starts with a leading space, remove that space
if not line is None and len(line) > 0 and line[0:1] == ' ':
line = line[1:]
didremovespace = True
else:
didremovespace = False
if line is None or len(line) == 0 or line[0:1] == ' ' \
or line[0:1] == '/':
# the previous paragraph, if any, has ended
if len(wrapme) > 0:
if not translate_map is None:
# apply the translation
for key in translate_keys:
wrapme = wrapme.replace(key, translate_map[key])
# output the previous paragraph
result += wrap_text(wrapme, indent + '// ', maxchars)
wrapme = ''
if not line is None:
if len(line) == 0 or line[0:1] == ' ' or line[0:1] == '/':
# blank lines or anything that's further indented should be
# output as-is
result += indent + '//'
if len(line) > 0:
if didremovespace:
result += ' ' + line
else:
result += line
result += '\n'
else:
# add to the current paragraph
wrapme += line + ' '
else:
# output an empty line
hasemptyline = True
result += '\n'
if len(wrapme) > 0:
if not translate_map is None:
# apply the translation
for key in translate_map.keys():
wrapme = wrapme.replace(key, translate_map[key])
# output the previous paragraph
result += wrap_text(wrapme, indent + '// ', maxchars)
if hasemptyline:
# an empty line means a break between comments, so the comment is
# probably a section heading and should have an extra line before it
result = '\n' + result
return result
def format_translation_changes(old, new):
""" Return a comment stating what is different between the old and new
function prototype parts.
"""
changed = False
result = ''
# normalize C API attributes
oldargs = [x.replace('struct _', '') for x in old['args']]
oldretval = old['retval'].replace('struct _', '')
newargs = [x.replace('struct _', '') for x in new['args']]
newretval = new['retval'].replace('struct _', '')
# check if the prototype has changed
oldset = set(oldargs)
newset = set(newargs)
if len(oldset.symmetric_difference(newset)) > 0:
changed = True
result += '\n // WARNING - CHANGED ATTRIBUTES'
# in the implementation set only
oldonly = oldset.difference(newset)
for arg in oldonly:
result += '\n // REMOVED: ' + arg
# in the current set only
newonly = newset.difference(oldset)
for arg in newonly:
result += '\n // ADDED: ' + arg
# check if the return value has changed
if oldretval != newretval:
changed = True
result += '\n // WARNING - CHANGED RETURN VALUE'+ \
'\n // WAS: '+old['retval']+ \
'\n // NOW: '+new['retval']
if changed:
result += '\n #pragma message("Warning: "__FILE__": '+new['name']+ \
' prototype has changed")\n'
return result
def format_translation_includes(header, body):
""" Return the necessary list of includes based on the contents of the
body.
"""
result = ''
# <algorithm> required for VS2013.
if body.find('std::min') > 0 or body.find('std::max') > 0:
result += '#include <algorithm>\n'
if body.find('cef_api_hash(') > 0:
result += '#include "include/cef_api_hash.h"\n'
# identify what CppToC classes are being used
p = re.compile('([A-Za-z0-9_]{1,})CppToC')
list = sorted(set(p.findall(body)))
for item in list:
directory = ''
if not is_base_class(item):
cls = header.get_class(item)
dir = cls.get_file_directory()
if not dir is None:
directory = dir + '/'
result += '#include "libcef_dll/cpptoc/'+directory+ \
get_capi_name(item[3:], False)+'_cpptoc.h"\n'
# identify what CToCpp classes are being used
p = re.compile('([A-Za-z0-9_]{1,})CToCpp')
list = sorted(set(p.findall(body)))
for item in list:
directory = ''
if not is_base_class(item):
cls = header.get_class(item)
dir = cls.get_file_directory()
if not dir is None:
directory = dir + '/'
result += '#include "libcef_dll/ctocpp/'+directory+ \
get_capi_name(item[3:], False)+'_ctocpp.h"\n'
if body.find('shutdown_checker') > 0:
result += '#include "libcef_dll/shutdown_checker.h"\n'
if body.find('transfer_') > 0:
result += '#include "libcef_dll/transfer_util.h"\n'
return result
def str_to_dict(str):
""" Convert a string to a dictionary. If the same key has multiple values
the values will be stored in a list. """
dict = {}
parts = str.split(',')
for part in parts:
part = part.strip()
if len(part) == 0:
continue
sparts = part.split('=')
if len(sparts) > 2:
raise Exception('Invalid dictionary pair format: ' + part)
name = sparts[0].strip()
if len(sparts) == 2:
val = sparts[1].strip()
else:
val = True
if name in dict:
# a value with this name already exists
curval = dict[name]
if not isinstance(curval, list):
# convert the string value to a list
dict[name] = [curval]
dict[name].append(val)
else:
dict[name] = val
return dict
def dict_to_str(dict):
""" Convert a dictionary to a string. """
str = []
for name in dict.keys():
if not isinstance(dict[name], list):
if dict[name] is True:
# currently a bool value
str.append(name)
else:
# currently a string value
str.append(name + '=' + dict[name])
else:
# currently a list value
for val in dict[name]:
str.append(name + '=' + val)
return ','.join(str)
# regex for matching comment-formatted attributes
_cre_attrib = '/\*--cef\(([A-Za-z0-9_ ,=:\n]{0,})\)--\*/'
# regex for matching class and function names
_cre_cfname = '([A-Za-z0-9_]{1,})'
# regex for matching class and function names including path separators
_cre_cfnameorpath = '([A-Za-z0-9_\/]{1,})'
# regex for matching function return values
_cre_retval = '([A-Za-z0-9_<>:,\*\&]{1,})'
# regex for matching typedef value and name combination
_cre_typedef = '([A-Za-z0-9_<>:,\*\&\s]{1,})'
# regex for matching function return value and name combination
_cre_func = '([A-Za-z][A-Za-z0-9_<>:,\*\&\s]{1,})'
# regex for matching virtual function modifiers + arbitrary whitespace
_cre_vfmod = '([\sA-Za-z0-9_]{0,})'
# regex for matching arbitrary whitespace
_cre_space = '[\s]{1,}'
# regex for matching optional virtual keyword
_cre_virtual = '(?:[\s]{1,}virtual){0,1}'
# Simple translation types. Format is:
# 'cpp_type' : ['capi_type', 'capi_default_value']
_simpletypes = {
'void': ['void', ''],
'void*': ['void*', 'NULL'],
'int': ['int', '0'],
'int16': ['int16', '0'],
'uint16': ['uint16', '0'],
'int32': ['int32', '0'],
'uint32': ['uint32', '0'],
'int64': ['int64', '0'],
'uint64': ['uint64', '0'],
'double': ['double', '0'],
'float': ['float', '0'],
'float*': ['float*', 'NULL'],
'long': ['long', '0'],
'unsigned long': ['unsigned long', '0'],
'long long': ['long long', '0'],
'size_t': ['size_t', '0'],
'bool': ['int', '0'],
'char': ['char', '0'],
'char* const': ['char* const', 'NULL'],
'cef_color_t': ['cef_color_t', '0'],
'cef_json_parser_error_t': ['cef_json_parser_error_t', 'JSON_NO_ERROR'],
'cef_plugin_policy_t': ['cef_plugin_policy_t', 'PLUGIN_POLICY_ALLOW'],
'CefCursorHandle': ['cef_cursor_handle_t', 'kNullCursorHandle'],
'CefCompositionUnderline': [
'cef_composition_underline_t', 'CefCompositionUnderline()'
],
'CefEventHandle': ['cef_event_handle_t', 'kNullEventHandle'],
'CefWindowHandle': ['cef_window_handle_t', 'kNullWindowHandle'],
'CefInsets': ['cef_insets_t', 'CefInsets()'],
'CefPoint': ['cef_point_t', 'CefPoint()'],
'CefRect': ['cef_rect_t', 'CefRect()'],
'CefSize': ['cef_size_t', 'CefSize()'],
'CefRange': ['cef_range_t', 'CefRange()'],
'CefDraggableRegion': ['cef_draggable_region_t', 'CefDraggableRegion()'],
'CefThreadId': ['cef_thread_id_t', 'TID_UI'],
'CefTime': ['cef_time_t', 'CefTime()'],
'CefAudioParameters': ['cef_audio_parameters_t', 'CefAudioParameters()']
}
def get_function_impls(content, ident, has_impl=True):
""" Retrieve the function parts from the specified contents as a set of
return value, name, arguments and body. Ident must occur somewhere in
the value.
"""
# extract the functions
find_regex = '\n' + _cre_func + '\((.*?)\)([A-Za-z0-9_\s]{0,})'
if has_impl:
find_regex += '\{(.*?)\n\}'
else:
find_regex += '(;)'
p = re.compile(find_regex, re.MULTILINE | re.DOTALL)
list = p.findall(content)
# build the function map with the function name as the key
result = []
for retval, argval, vfmod, body in list:
if retval.find(ident) < 0:
# the identifier was not found
continue
# remove the identifier
retval = retval.replace(ident, '')
retval = retval.strip()
# Normalize the delimiter.
retval = retval.replace('\n', ' ')
# retrieve the function name
parts = retval.split(' ')
name = parts[-1]
del parts[-1]
retval = ' '.join(parts)
# parse the arguments
args = []
for v in argval.split(','):
v = v.strip()
if len(v) > 0:
args.append(v)
result.append({
'retval': retval.strip(),
'name': name,
'args': args,
'vfmod': vfmod.strip(),
'body': body if has_impl else '',
})
return result
def get_next_function_impl(existing, name):
result = None
for item in existing:
if item['name'] == name:
result = item
existing.remove(item)
break
return result
def get_copyright(full=False, translator=True):
if full:
result = \
"""// Copyright (c) $YEAR$ Marshall A. Greenblatt. All rights reserved.
//
// Redistribution and use in source and binary forms, with or without
// modification, are permitted provided that the following conditions are
// met:
//
// * Redistributions of source code must retain the above copyright
// notice, this list of conditions and the following disclaimer.
// * Redistributions in binary form must reproduce the above
// copyright notice, this list of conditions and the following disclaimer
// in the documentation and/or other materials provided with the
// distribution.
// * Neither the name of Google Inc. nor the name Chromium Embedded
// Framework nor the names of its contributors may be used to endorse
// or promote products derived from this software without specific prior
// written permission.
//
// THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS
// "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT
// LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR
// A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT
// OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL,
// SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT
// LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE,
// DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY
// THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT
// (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
// OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
"""
else:
result = \
"""// Copyright (c) $YEAR$ The Chromium Embedded Framework Authors. All rights
// reserved. Use of this source code is governed by a BSD-style license that
// can be found in the LICENSE file.
"""
if translator:
result += \
"""//
// ---------------------------------------------------------------------------
//
// This file was generated by the CEF translator tool. If making changes by
// hand only do so within the body of existing method and function
// implementations. See the translator.README.txt file in the tools directory
// for more information.
//
// $hash=$$HASH$$$
//
"""
# add the copyright year
return result.replace('$YEAR$', get_year())
class obj_header:
""" Class representing a C++ header file. """
def __init__(self):
self.filenames = []
self.typedefs = []
self.funcs = []
self.classes = []
self.root_directory = None
def set_root_directory(self, root_directory):
""" Set the root directory. """
self.root_directory = root_directory
def get_root_directory(self):
""" Get the root directory. """
return self.root_directory
def add_directory(self, directory, excluded_files=[]):
""" Add all header files from the specified directory. """
files = get_files(os.path.join(directory, '*.h'))
for file in files:
if len(excluded_files) == 0 or \
not os.path.split(file)[1] in excluded_files:
self.add_file(file)
def add_file(self, filepath):
""" Add a header file. """
if self.root_directory is None:
filename = os.path.split(filepath)[1]
else:
filename = os.path.relpath(filepath, self.root_directory)
filename = filename.replace('\\', '/')
# read the input file into memory
self.add_data(filename, read_file(filepath))
def add_data(self, filename, data):
""" Add header file contents. """
added = False
# remove space from between template definition end brackets
data = data.replace("> >", ">>")
# extract global typedefs
p = re.compile('\ntypedef' + _cre_space + _cre_typedef + ';',
re.MULTILINE | re.DOTALL)
list = p.findall(data)
if len(list) > 0:
# build the global typedef objects
for value in list:
pos = value.rfind(' ')
if pos < 0:
raise Exception('Invalid typedef: ' + value)
alias = value[pos + 1:].strip()
value = value[:pos].strip()
self.typedefs.append(obj_typedef(self, filename, value, alias))
# extract global functions
p = re.compile('\n' + _cre_attrib + '\n' + _cre_func + '\((.*?)\)',
re.MULTILINE | re.DOTALL)
list = p.findall(data)
if len(list) > 0:
added = True
# build the global function objects
for attrib, retval, argval in list:
comment = get_comment(data, retval + '(' + argval + ');')
validate_comment(filename, retval, comment)
self.funcs.append(
obj_function(self, filename, attrib, retval, argval, comment))
# extract includes
p = re.compile('\n#include \"include/' + _cre_cfnameorpath + '.h')
includes = p.findall(data)
# extract forward declarations
p = re.compile('\nclass' + _cre_space + _cre_cfname + ';')
forward_declares = p.findall(data)
# extract empty classes
p = re.compile('\n' + _cre_attrib + '\nclass' + _cre_space + _cre_cfname +
_cre_space + ':' + _cre_space + 'public' + _cre_virtual +
_cre_space + _cre_cfname + _cre_space + '{};',
re.MULTILINE | re.DOTALL)
list = p.findall(data)
if len(list) > 0:
added = True
# build the class objects
for attrib, name, parent_name in list:
# Style may place the ':' on the next line.
comment = get_comment(data, name + ' :')
if len(comment) == 0:
comment = get_comment(data, name + "\n")
validate_comment(filename, name, comment)
self.classes.append(
obj_class(self, filename, attrib, name, parent_name, "", comment,
includes, forward_declares))
# Remove empty classes from |data| so we don't mess up the non-empty
# class search that follows.
data = p.sub('', data)
# extract classes
p = re.compile('\n' + _cre_attrib + '\nclass' + _cre_space + _cre_cfname +
_cre_space + ':' + _cre_space + 'public' + _cre_virtual +
_cre_space + _cre_cfname + _cre_space + '{(.*?)\n};',
re.MULTILINE | re.DOTALL)
list = p.findall(data)
if len(list) > 0:
added = True
# build the class objects
for attrib, name, parent_name, body in list:
# Style may place the ':' on the next line.
comment = get_comment(data, name + ' :')
if len(comment) == 0:
comment = get_comment(data, name + "\n")
validate_comment(filename, name, comment)
self.classes.append(
obj_class(self, filename, attrib, name, parent_name, body, comment,
includes, forward_declares))
if added:
# a global function or class was read from the header file
self.filenames.append(filename)
def __repr__(self):
result = ''
if len(self.typedefs) > 0:
strlist = []
for cls in self.typedefs:
strlist.append(str(cls))
result += "\n".join(strlist) + "\n\n"
if len(self.funcs) > 0:
strlist = []
for cls in self.funcs:
strlist.append(str(cls))
result += "\n".join(strlist) + "\n\n"
if len(self.classes) > 0:
strlist = []
for cls in self.classes:
strlist.append(str(cls))
result += "\n".join(strlist)
return result
def get_file_names(self):
""" Return the array of header file names. """
return self.filenames
def get_typedefs(self):
""" Return the array of typedef objects. """
return self.typedefs
def get_funcs(self, filename=None):
""" Return the array of function objects. """
if filename is None:
return self.funcs
else:
# only return the functions in the specified file
res = []
for func in self.funcs:
if func.get_file_name() == filename:
res.append(func)
return res
def get_classes(self, filename=None):
""" Return the array of class objects. """
if filename is None:
return self.classes
else:
# only return the classes in the specified file
res = []
for cls in self.classes:
if cls.get_file_name() == filename:
res.append(cls)
return res
def get_class(self, classname, defined_structs=None):
""" Return the specified class or None if not found. """
for cls in self.classes:
if cls.get_name() == classname:
return cls
elif not defined_structs is None:
defined_structs.append(cls.get_capi_name())
return None
def get_class_names(self):
""" Returns the names of all classes in this object. """
result = []
for cls in self.classes:
result.append(cls.get_name())
return result
def get_base_class_name(self, classname):
""" Returns the base (root) class name for |classname|. """
cur_cls = self.get_class(classname)
while True:
parent_name = cur_cls.get_parent_name()
if is_base_class(parent_name):
return parent_name
else:
parent_cls = self.get_class(parent_name)
if parent_cls is None:
break
cur_cls = self.get_class(parent_name)
return None
def get_types(self, list):
""" Return a dictionary mapping data types to analyzed values. """
for cls in self.typedefs:
cls.get_types(list)
for cls in self.classes:
cls.get_types(list)
def get_alias_translation(self, alias):
""" Return a translation of alias to value based on typedef
statements. """
for cls in self.typedefs:
if cls.alias == alias:
return cls.value
return None
def get_analysis(self, value, named=True):
""" Return an analysis of the value based the header file context. """
return obj_analysis([self], value, named)
def get_defined_structs(self):
""" Return a list of already defined structure names. """
return [
'cef_print_info_t', 'cef_window_info_t', 'cef_base_ref_counted_t',
'cef_base_scoped_t'
]
def get_capi_translations(self):
""" Return a dictionary that maps C++ terminology to C API terminology.
"""
# strings that will be changed in C++ comments
map = {
'class': 'structure',
'Class': 'Structure',
'interface': 'structure',
'Interface': 'Structure',
'true': 'true (1)',
'false': 'false (0)',
'empty': 'NULL',
'method': 'function'
}
# add mappings for all classes and functions
funcs = self.get_funcs()
for func in funcs:
map[func.get_name() + '()'] = func.get_capi_name() + '()'
classes = self.get_classes()
for cls in classes:
map[cls.get_name()] = cls.get_capi_name()
funcs = cls.get_virtual_funcs()
for func in funcs:
map[func.get_name() + '()'] = func.get_capi_name() + '()'
funcs = cls.get_static_funcs()
for func in funcs:
map[func.get_name() + '()'] = func.get_capi_name() + '()'
return map
class obj_class:
""" Class representing a C++ class. """
def __init__(self, parent, filename, attrib, name, parent_name, body, comment,
includes, forward_declares):
if not isinstance(parent, obj_header):
raise Exception('Invalid parent object type')
self.parent = parent
self.filename = filename
self.attribs = str_to_dict(attrib)
self.name = name
self.parent_name = parent_name
self.comment = comment
self.includes = includes
self.forward_declares = forward_declares
# extract typedefs
p = re.compile(
'\n' + _cre_space + 'typedef' + _cre_space + _cre_typedef + ';',
re.MULTILINE | re.DOTALL)
list = p.findall(body)
# build the typedef objects
self.typedefs = []
for value in list:
pos = value.rfind(' ')
if pos < 0:
raise Exception('Invalid typedef: ' + value)
alias = value[pos + 1:].strip()
value = value[:pos].strip()
self.typedefs.append(obj_typedef(self, filename, value, alias))
# extract static functions
p = re.compile('\n' + _cre_space + _cre_attrib + '\n' + _cre_space +
'static' + _cre_space + _cre_func + '\((.*?)\)',
re.MULTILINE | re.DOTALL)
list = p.findall(body)
# build the static function objects
self.staticfuncs = []
for attrib, retval, argval in list:
comment = get_comment(body, retval + '(' + argval + ')')
validate_comment(filename, retval, comment)
self.staticfuncs.append(
obj_function_static(self, attrib, retval, argval, comment))
# extract virtual functions
p = re.compile(
'\n' + _cre_space + _cre_attrib + '\n' + _cre_space + 'virtual' +
_cre_space + _cre_func + '\((.*?)\)' + _cre_vfmod,
re.MULTILINE | re.DOTALL)
list = p.findall(body)
# build the virtual function objects
self.virtualfuncs = []
for attrib, retval, argval, vfmod in list:
comment = get_comment(body, retval + '(' + argval + ')')
validate_comment(filename, retval, comment)
self.virtualfuncs.append(
obj_function_virtual(self, attrib, retval, argval, comment,
vfmod.strip()))
def __repr__(self):
result = '/* ' + dict_to_str(
self.attribs) + ' */ class ' + self.name + "\n{"
if len(self.typedefs) > 0:
result += "\n\t"
strlist = []
for cls in self.typedefs:
strlist.append(str(cls))
result += "\n\t".join(strlist)
if len(self.staticfuncs) > 0:
result += "\n\t"
strlist = []
for cls in self.staticfuncs:
strlist.append(str(cls))
result += "\n\t".join(strlist)
if len(self.virtualfuncs) > 0:
result += "\n\t"
strlist = []
for cls in self.virtualfuncs:
strlist.append(str(cls))
result += "\n\t".join(strlist)
result += "\n};\n"
return result
def get_file_name(self):
""" Return the C++ header file name. Includes the directory component,
if any. """
return self.filename
def get_capi_file_name(self):
""" Return the CAPI header file name. Includes the directory component,
if any. """
return get_capi_file_name(self.filename)
def get_file_directory(self):
""" Return the file directory component, if any. """
pos = self.filename.rfind('/')
if pos >= 0:
return self.filename[:pos]
return None
def get_name(self):
""" Return the class name. """
return self.name
def get_capi_name(self):
""" Return the CAPI structure name for this class. """
return get_capi_name(self.name, True)
def get_parent_name(self):
""" Return the parent class name. """
return self.parent_name
def get_parent_capi_name(self):
""" Return the CAPI structure name for the parent class. """
return get_capi_name(self.parent_name, True)
def has_parent(self, parent_name):
""" Returns true if this class has the specified class anywhere in its
inheritance hierarchy. """
# Every class has a known base class as the top-most parent.
if is_base_class(parent_name) or parent_name == self.parent_name:
return True
if is_base_class(self.parent_name):
return False
cur_cls = self.parent.get_class(self.parent_name)
while True:
cur_parent_name = cur_cls.get_parent_name()
if is_base_class(cur_parent_name):
break
elif cur_parent_name == parent_name:
return True
cur_cls = self.parent.get_class(cur_parent_name)
return False
def get_comment(self):
""" Return the class comment as an array of lines. """
return self.comment
def get_includes(self):
""" Return the list of classes that are included from this class'
header file. """
return self.includes
def get_forward_declares(self):
""" Return the list of classes that are forward declared for this
class. """
return self.forward_declares
def get_attribs(self):
""" Return all attributes as a dictionary. """
return self.attribs
def has_attrib(self, name):
""" Return true if the specified attribute exists. """
return name in self.attribs
def get_attrib(self, name):
""" Return the first or only value for specified attribute. """
if name in self.attribs:
if isinstance(self.attribs[name], list):
# the value is a list
return self.attribs[name][0]
else:
# the value is a string
return self.attribs[name]
return None
def get_attrib_list(self, name):
""" Return all values for specified attribute as a list. """
if name in self.attribs:
if isinstance(self.attribs[name], list):
# the value is already a list
return self.attribs[name]
else:
# convert the value to a list
return [self.attribs[name]]
return None
def get_typedefs(self):
""" Return the array of typedef objects. """
return self.typedefs
def has_typedef_alias(self, alias):
""" Returns true if the specified typedef alias is defined in the scope
of this class declaration. """
for typedef in self.typedefs:
if typedef.get_alias() == alias:
return True
return False
def get_static_funcs(self):
""" Return the array of static function objects. """
return self.staticfuncs
def get_virtual_funcs(self):
""" Return the array of virtual function objects. """
return self.virtualfuncs
def get_types(self, list):
""" Return a dictionary mapping data types to analyzed values. """
for cls in self.typedefs:
cls.get_types(list)
for cls in self.staticfuncs:
cls.get_types(list)
for cls in self.virtualfuncs:
cls.get_types(list)
def get_alias_translation(self, alias):
for cls in self.typedefs:
if cls.alias == alias:
return cls.value
return None
def get_analysis(self, value, named=True):
""" Return an analysis of the value based on the class definition
context.
"""
return obj_analysis([self, self.parent], value, named)
def is_library_side(self):
""" Returns true if the class is implemented by the library. """
return self.attribs['source'] == 'library'
def is_client_side(self):
""" Returns true if the class is implemented by the client. """
return self.attribs['source'] == 'client'
class obj_typedef:
""" Class representing a typedef statement. """
def __init__(self, parent, filename, value, alias):
if not isinstance(parent, obj_header) \
and not isinstance(parent, obj_class):
raise Exception('Invalid parent object type')
self.parent = parent
self.filename = filename
self.alias = alias
self.value = self.parent.get_analysis(value, False)
def __repr__(self):
return 'typedef ' + self.value.get_type() + ' ' + self.alias + ';'
def get_file_name(self):
""" Return the C++ header file name. """
return self.filename
def get_capi_file_name(self):
""" Return the CAPI header file name. """
return get_capi_file_name(self.filename)
def get_alias(self):
""" Return the alias. """
return self.alias
def get_value(self):
""" Return an analysis of the value based on the class or header file
definition context.
"""
return self.value
def get_types(self, list):
""" Return a dictionary mapping data types to analyzed values. """
name = self.value.get_type()
if not name in list:
list[name] = self.value
class obj_function:
""" Class representing a function. """
def __init__(self, parent, filename, attrib, retval, argval, comment):
self.parent = parent
self.filename = filename
self.attribs = str_to_dict(attrib)
self.retval = obj_argument(self, retval)
self.name = self.retval.remove_name()
self.comment = comment
# build the argument objects
self.arguments = []
arglist = argval.split(',')
argindex = 0
while argindex < len(arglist):
arg = arglist[argindex]
if arg.find('<') >= 0 and arg.find('>') == -1:
# We've split inside of a template type declaration. Join the
# next argument with this argument.
argindex += 1
arg += ',' + arglist[argindex]
arg = arg.strip()
if len(arg) > 0:
argument = obj_argument(self, arg)
if argument.needs_attrib_count_func() and \
argument.get_attrib_count_func() is None:
raise Exception("A 'count_func' attribute is required "+ \
"for the '"+argument.get_name()+ \
"' parameter to "+self.get_qualified_name())
self.arguments.append(argument)
argindex += 1
if self.retval.needs_attrib_default_retval() and \
self.retval.get_attrib_default_retval() is None:
raise Exception("A 'default_retval' attribute is required for "+ \
self.get_qualified_name())
def __repr__(self):
return '/* ' + dict_to_str(self.attribs) + ' */ ' + self.get_cpp_proto()
def get_file_name(self):
""" Return the C++ header file name. """
return self.filename
def get_capi_file_name(self):
""" Return the CAPI header file name. """
return get_capi_file_name(self.filename)
def get_name(self):
""" Return the function name. """
return self.name
def get_qualified_name(self):
""" Return the fully qualified function name. """
if isinstance(self.parent, obj_header):
# global function
return self.name
else:
# member function
return self.parent.get_name() + '::' + self.name
def get_capi_name(self, prefix=None):
""" Return the CAPI function name. """
if 'capi_name' in self.attribs:
return self.attribs['capi_name']
return get_capi_name(self.name, False, prefix)
def get_comment(self):
""" Return the function comment as an array of lines. """
return self.comment
def get_attribs(self):
""" Return all attributes as a dictionary. """
return self.attribs
def has_attrib(self, name):
""" Return true if the specified attribute exists. """
return name in self.attribs
def get_attrib(self, name):
""" Return the first or only value for specified attribute. """
if name in self.attribs:
if isinstance(self.attribs[name], list):
# the value is a list
return self.attribs[name][0]
else:
# the value is a string
return self.attribs[name]
return None
def get_attrib_list(self, name):
""" Return all values for specified attribute as a list. """
if name in self.attribs:
if isinstance(self.attribs[name], list):
# the value is already a list
return self.attribs[name]
else:
# convert the value to a list
return [self.attribs[name]]
return None
def get_retval(self):
""" Return the return value object. """
return self.retval
def get_arguments(self):
""" Return the argument array. """
return self.arguments
def get_types(self, list):
""" Return a dictionary mapping data types to analyzed values. """
for cls in self.arguments:
cls.get_types(list)
def get_capi_parts(self, defined_structs=[], prefix=None):
""" Return the parts of the C API function definition. """
retval = ''
dict = self.retval.get_type().get_capi(defined_structs)
if dict['format'] == 'single':
retval = dict['value']
name = self.get_capi_name(prefix)
args = []
if isinstance(self, obj_function_virtual):
# virtual functions get themselves as the first argument
str = 'struct _' + self.parent.get_capi_name() + '* self'
if isinstance(self, obj_function_virtual) and self.is_const():
# const virtual functions get const self pointers
str = 'const ' + str
args.append(str)
if len(self.arguments) > 0:
for cls in self.arguments:
type = cls.get_type()
dict = type.get_capi(defined_structs)
if dict['format'] == 'single':
args.append(dict['value'])
elif dict['format'] == 'multi-arg':
# add an additional argument for the size of the array
type_name = type.get_name()
if type.is_const():
# for const arrays pass the size argument by value
args.append('size_t ' + type_name + 'Count')
else:
# for non-const arrays pass the size argument by address
args.append('size_t* ' + type_name + 'Count')
args.append(dict['value'])
return {'retval': retval, 'name': name, 'args': args}
def get_capi_proto(self, defined_structs=[], prefix=None):
""" Return the prototype of the C API function. """
parts = self.get_capi_parts(defined_structs, prefix)
result = parts['retval']+' '+parts['name']+ \
'('+', '.join(parts['args'])+')'
return result
def get_cpp_parts(self, isimpl=False):
""" Return the parts of the C++ function definition. """
retval = str(self.retval)
name = self.name
args = []
if len(self.arguments) > 0:
for cls in self.arguments:
args.append(str(cls))
if isimpl and isinstance(self, obj_function_virtual):
# enumeration return values must be qualified with the class name
# if the type is defined in the class declaration scope.
type = self.get_retval().get_type()
if type.is_result_struct() and type.is_result_struct_enum() and \
self.parent.has_typedef_alias(retval):
retval = self.parent.get_name() + '::' + retval
return {'retval': retval, 'name': name, 'args': args}
def get_cpp_proto(self, classname=None):
""" Return the prototype of the C++ function. """
parts = self.get_cpp_parts()
result = parts['retval'] + ' '
if not classname is None:
result += classname + '::'
result += parts['name'] + '(' + ', '.join(parts['args']) + ')'
if isinstance(self, obj_function_virtual) and self.is_const():
result += ' const'
return result
def is_same_side(self, other_class_name):
""" Returns true if this function is on the same side (library or
client) and the specified class. """
if isinstance(self.parent, obj_class):
# this function is part of a class
this_is_library_side = self.parent.is_library_side()
header = self.parent.parent
else:
# this function is global
this_is_library_side = True
header = self.parent
if is_base_class(other_class_name):
other_is_library_side = False
else:
other_class = header.get_class(other_class_name)
if other_class is None:
raise Exception('Unknown class: ' + other_class_name)
other_is_library_side = other_class.is_library_side()
return other_is_library_side == this_is_library_side
class obj_function_static(obj_function):
""" Class representing a static function. """
def __init__(self, parent, attrib, retval, argval, comment):
if not isinstance(parent, obj_class):
raise Exception('Invalid parent object type')
obj_function.__init__(self, parent, parent.filename, attrib, retval, argval,
comment)
def __repr__(self):
return 'static ' + obj_function.__repr__(self) + ';'
def get_capi_name(self, prefix=None):
""" Return the CAPI function name. """
if prefix is None:
# by default static functions are prefixed with the class name
prefix = get_capi_name(self.parent.get_name(), False)
return obj_function.get_capi_name(self, prefix)
class obj_function_virtual(obj_function):
""" Class representing a virtual function. """
def __init__(self, parent, attrib, retval, argval, comment, vfmod):
if not isinstance(parent, obj_class):
raise Exception('Invalid parent object type')
obj_function.__init__(self, parent, parent.filename, attrib, retval, argval,
comment)
if vfmod == 'const':
self.isconst = True
else:
self.isconst = False
def __repr__(self):
return 'virtual ' + obj_function.__repr__(self) + ';'
def is_const(self):
""" Returns true if the method declaration is const. """
return self.isconst
class obj_argument:
""" Class representing a function argument. """
def __init__(self, parent, argval):
if not isinstance(parent, obj_function):
raise Exception('Invalid parent object type')
self.parent = parent
self.type = self.parent.parent.get_analysis(argval)
def __repr__(self):
result = ''
if self.type.is_const():
result += 'const '
result += self.type.get_type()
if self.type.is_byref():
result += '&'
elif self.type.is_byaddr():
result += '*'
if self.type.has_name():
result += ' ' + self.type.get_name()
return result
def get_name(self):
""" Return the name for this argument. """
return self.type.get_name()
def remove_name(self):
""" Remove and return the name value. """
name = self.type.get_name()
self.type.name = None
return name
def get_type(self):
""" Return an analysis of the argument type based on the class
definition context.
"""
return self.type
def get_types(self, list):
""" Return a dictionary mapping data types to analyzed values. """
name = self.type.get_type()
if not name in list:
list[name] = self.type
def needs_attrib_count_func(self):
""" Returns true if this argument requires a 'count_func' attribute. """
# A 'count_func' attribute is required for non-const non-string vector
# attribute types
return self.type.has_name() and \
self.type.is_result_vector() and \
not self.type.is_result_vector_string() and \
not self.type.is_const()
def get_attrib_count_func(self):
""" Returns the count function for this argument. """
# The 'count_func' attribute value format is name:function
if not self.parent.has_attrib('count_func'):
return None
name = self.type.get_name()
vals = self.parent.get_attrib_list('count_func')
for val in vals:
parts = val.split(':')
if len(parts) != 2:
raise Exception("Invalid 'count_func' attribute value for "+ \
self.parent.get_qualified_name()+': '+val)
if parts[0].strip() == name:
return parts[1].strip()
return None
def needs_attrib_default_retval(self):
""" Returns true if this argument requires a 'default_retval' attribute.
"""
# A 'default_retval' attribute is required for enumeration return value
# types.
return not self.type.has_name() and \
self.type.is_result_struct() and \
self.type.is_result_struct_enum()
def get_attrib_default_retval(self):
""" Returns the defualt return value for this argument. """
return self.parent.get_attrib('default_retval')
def get_arg_type(self):
""" Returns the argument type as defined in translator.README.txt. """
if not self.type.has_name():
raise Exception('Cannot be called for retval types')
# simple or enumeration type
if (self.type.is_result_simple() and \
self.type.get_type() != 'bool') or \
(self.type.is_result_struct() and \
self.type.is_result_struct_enum()):
if self.type.is_byref():
if self.type.is_const():
return 'simple_byref_const'
return 'simple_byref'
elif self.type.is_byaddr():
return 'simple_byaddr'
return 'simple_byval'
# boolean type
if self.type.get_type() == 'bool':
if self.type.is_byref():
return 'bool_byref'
elif self.type.is_byaddr():
return 'bool_byaddr'
return 'bool_byval'
# structure type
if self.type.is_result_struct() and self.type.is_byref():
if self.type.is_const():
return 'struct_byref_const'
return 'struct_byref'
# string type
if self.type.is_result_string() and self.type.is_byref():
if self.type.is_const():
return 'string_byref_const'
return 'string_byref'
# *ptr type
if self.type.is_result_ptr():
prefix = self.type.get_result_ptr_type_prefix()
same_side = self.parent.is_same_side(self.type.get_ptr_type())
if self.type.is_byref():
if same_side:
return prefix + 'ptr_same_byref'
return prefix + 'ptr_diff_byref'
if same_side:
return prefix + 'ptr_same'
return prefix + 'ptr_diff'
if self.type.is_result_vector():
# all vector types must be passed by reference
if not self.type.is_byref():
return 'invalid'
if self.type.is_result_vector_string():
# string vector type
if self.type.is_const():
return 'string_vec_byref_const'
return 'string_vec_byref'
if self.type.is_result_vector_simple():
if self.type.get_vector_type() != 'bool':
# simple/enumeration vector types
if self.type.is_const():
return 'simple_vec_byref_const'
return 'simple_vec_byref'
# boolean vector types
if self.type.is_const():
return 'bool_vec_byref_const'
return 'bool_vec_byref'
if self.type.is_result_vector_ptr():
# *ptr vector types
prefix = self.type.get_result_vector_ptr_type_prefix()
same_side = self.parent.is_same_side(self.type.get_ptr_type())
if self.type.is_const():
if same_side:
return prefix + 'ptr_vec_same_byref_const'
return prefix + 'ptr_vec_diff_byref_const'
if same_side:
return prefix + 'ptr_vec_same_byref'
return prefix + 'ptr_vec_diff_byref'
# string single map type
if self.type.is_result_map_single():
if not self.type.is_byref():
return 'invalid'
if self.type.is_const():
return 'string_map_single_byref_const'
return 'string_map_single_byref'
# string multi map type
if self.type.is_result_map_multi():
if not self.type.is_byref():
return 'invalid'
if self.type.is_const():
return 'string_map_multi_byref_const'
return 'string_map_multi_byref'
return 'invalid'
def get_retval_type(self):
""" Returns the retval type as defined in translator.README.txt. """
if self.type.has_name():
raise Exception('Cannot be called for argument types')
# unsupported modifiers
if self.type.is_const() or self.type.is_byref() or \
self.type.is_byaddr():
return 'invalid'
# void types don't have a return value
if self.type.get_type() == 'void':
return 'none'
if (self.type.is_result_simple() and \
self.type.get_type() != 'bool') or \
(self.type.is_result_struct() and self.type.is_result_struct_enum()):
return 'simple'
if self.type.get_type() == 'bool':
return 'bool'
if self.type.is_result_string():
return 'string'
if self.type.is_result_ptr():
prefix = self.type.get_result_ptr_type_prefix()
if self.parent.is_same_side(self.type.get_ptr_type()):
return prefix + 'ptr_same'
else:
return prefix + 'ptr_diff'
return 'invalid'
def get_retval_default(self, for_capi):
""" Returns the default return value based on the retval type. """
# start with the default retval attribute, if any.
retval = self.get_attrib_default_retval()
if not retval is None:
if for_capi:
# apply any appropriate C API translations.
if retval == 'true':
return '1'
if retval == 'false':
return '0'
return retval
# next look at the retval type value.
type = self.get_retval_type()
if type == 'simple':
return self.get_type().get_result_simple_default()
elif type == 'bool':
if for_capi:
return '0'
return 'false'
elif type == 'string':
if for_capi:
return 'NULL'
return 'CefString()'
elif type == 'refptr_same' or type == 'refptr_diff' or \
type == 'rawptr_same' or type == 'rawptr_diff':
if for_capi:
return 'NULL'
return 'nullptr'
elif type == 'ownptr_same' or type == 'ownptr_diff':
if for_capi:
return 'NULL'
return 'CefOwnPtr<' + self.type.get_ptr_type() + '>()'
return ''
class obj_analysis:
""" Class representing an analysis of a data type value. """
def __init__(self, scopelist, value, named):
self.value = value
self.result_type = 'unknown'
self.result_value = None
self.result_default = None
self.ptr_type = None
# parse the argument string
partlist = value.strip().split()
if named == True:
# extract the name value
self.name = partlist[-1]
del partlist[-1]
else:
self.name = None
if len(partlist) == 0:
raise Exception('Invalid argument value: ' + value)
# check const status
if partlist[0] == 'const':
self.isconst = True
del partlist[0]
else:
self.isconst = False
if len(partlist) == 0:
raise Exception('Invalid argument value: ' + value)
# combine the data type
self.type = ' '.join(partlist)
# extract the last character of the data type
endchar = self.type[-1]
# check if the value is passed by reference
if endchar == '&':
self.isbyref = True
self.type = self.type[:-1]
else:
self.isbyref = False
# check if the value is passed by address
if endchar == '*':
self.isbyaddr = True
self.type = self.type[:-1]
else:
self.isbyaddr = False
# see if the value is directly identifiable
if self._check_advanced(self.type) == True:
return
# not identifiable, so look it up
translation = None
for scope in scopelist:
if not isinstance(scope, obj_header) \
and not isinstance(scope, obj_class):
raise Exception('Invalid scope object type')
translation = scope.get_alias_translation(self.type)
if not translation is None:
break
if translation is None:
raise Exception('Failed to translate type: ' + self.type)
# the translation succeeded so keep the result
self.result_type = translation.result_type
self.result_value = translation.result_value
def _check_advanced(self, value):
# check for vectors
if value.find('std::vector') == 0:
self.result_type = 'vector'
val = value[12:-1].strip()
self.result_value = [self._get_basic(val)]
self.result_value[0]['vector_type'] = val
return True
# check for maps
if value.find('std::map') == 0:
self.result_type = 'map'
vals = value[9:-1].split(',')
if len(vals) == 2:
self.result_value = [
self._get_basic(vals[0].strip()),
self._get_basic(vals[1].strip())
]
return True
# check for multimaps
if value.find('std::multimap') == 0:
self.result_type = 'multimap'
vals = value[14:-1].split(',')
if len(vals) == 2:
self.result_value = [
self._get_basic(vals[0].strip()),
self._get_basic(vals[1].strip())
]
return True
# check for basic types
basic = self._get_basic(value)
if not basic is None:
self.result_type = basic['result_type']
self.result_value = basic['result_value']
if 'ptr_type' in basic:
self.ptr_type = basic['ptr_type']
if 'result_default' in basic:
self.result_default = basic['result_default']
return True
return False
def _get_basic(self, value):
# check for string values
if value == "CefString":
return {'result_type': 'string', 'result_value': None}
# check for simple direct translations
if value in _simpletypes.keys():
return {
'result_type': 'simple',
'result_value': _simpletypes[value][0],
'result_default': _simpletypes[value][1],
}
# check if already a C API structure
if value[-2:] == '_t':
return {'result_type': 'structure', 'result_value': value}
# check for CEF reference pointers
p = re.compile('^CefRefPtr<(.*?)>$', re.DOTALL)
list = p.findall(value)
if len(list) == 1:
return {
'result_type': 'refptr',
'result_value': get_capi_name(list[0], True) + '*',
'ptr_type': list[0]
}
# check for CEF owned pointers
p = re.compile('^CefOwnPtr<(.*?)>$', re.DOTALL)
list = p.findall(value)
if len(list) == 1:
return {
'result_type': 'ownptr',
'result_value': get_capi_name(list[0], True) + '*',
'ptr_type': list[0]
}
# check for CEF raw pointers
p = re.compile('^CefRawPtr<(.*?)>$', re.DOTALL)
list = p.findall(value)
if len(list) == 1:
return {
'result_type': 'rawptr',
'result_value': get_capi_name(list[0], True) + '*',
'ptr_type': list[0]
}
# check for CEF structure types
if value[0:3] == 'Cef' and value[-4:] != 'List':
return {
'result_type': 'structure',
'result_value': get_capi_name(value, True)
}
return None
def __repr__(self):
return '(' + self.result_type + ') ' + str(self.result_value)
def has_name(self):
""" Returns true if a name value exists. """
return (not self.name is None)
def get_name(self):
""" Return the name. """
return self.name
def get_value(self):
""" Return the C++ value (type + name). """
return self.value
def get_type(self):
""" Return the C++ type. """
return self.type
def get_ptr_type(self):
""" Return the C++ class type referenced by a CefRefPtr. """
if self.is_result_vector() and self.is_result_vector_ptr():
# return the vector RefPtr type
return self.result_value[0]['ptr_type']
# return the basic RefPtr type
return self.ptr_type
def get_vector_type(self):
""" Return the C++ class type referenced by a std::vector. """
if self.is_result_vector():
return self.result_value[0]['vector_type']
return None
def is_const(self):
""" Returns true if the argument value is constant. """
return self.isconst
def is_byref(self):
""" Returns true if the argument is passed by reference. """
return self.isbyref
def is_byaddr(self):
""" Returns true if the argument is passed by address. """
return self.isbyaddr
def is_result_simple(self):
""" Returns true if this is a simple argument type. """
return (self.result_type == 'simple')
def get_result_simple_type_root(self):
""" Return the simple structure or basic type name. """
return self.result_value
def get_result_simple_type(self):
""" Return the simple type. """
result = ''
if self.is_const():
result += 'const '
result += self.result_value
if self.is_byaddr() or self.is_byref():
result += '*'
return result
def get_result_simple_default(self):
""" Return the default value fo the basic type. """
return self.result_default
def is_result_ptr(self):
""" Returns true if this is a *Ptr type. """
return self.is_result_refptr() or self.is_result_ownptr() or \
self.is_result_rawptr()
def get_result_ptr_type_root(self):
""" Return the *Ptr type structure name. """
return self.result_value[:-1]
def get_result_ptr_type(self, defined_structs=[]):
""" Return the *Ptr type. """
result = ''
if not self.result_value[:-1] in defined_structs:
result += 'struct _'
result += self.result_value
if self.is_byref() or self.is_byaddr():
result += '*'
return result
def get_result_ptr_type_prefix(self):
""" Returns the *Ptr type prefix. """
if self.is_result_refptr():
return 'ref'
if self.is_result_ownptr():
return 'own'
if self.is_result_rawptr():
return 'raw'
raise Exception('Not a pointer type')
def is_result_refptr(self):
""" Returns true if this is a RefPtr type. """
return (self.result_type == 'refptr')
def is_result_ownptr(self):
""" Returns true if this is a OwnPtr type. """
return (self.result_type == 'ownptr')
def is_result_rawptr(self):
""" Returns true if this is a RawPtr type. """
return (self.result_type == 'rawptr')
def is_result_struct(self):
""" Returns true if this is a structure type. """
return (self.result_type == 'structure')
def is_result_struct_enum(self):
""" Returns true if this struct type is likely an enumeration. """
# structure values that are passed by reference or address must be
# structures and not enumerations
if not self.is_byref() and not self.is_byaddr():
return True
return False
def get_result_struct_type(self, defined_structs=[]):
""" Return the structure or enumeration type. """
result = ''
is_enum = self.is_result_struct_enum()
if not is_enum:
if self.is_const():
result += 'const '
if not self.result_value in defined_structs:
result += 'struct _'
result += self.result_value
if not is_enum:
result += '*'
return result
def is_result_string(self):
""" Returns true if this is a string type. """
return (self.result_type == 'string')
def get_result_string_type(self):
""" Return the string type. """
if not self.has_name():
# Return values are string structs that the user must free. Use
# the name of the structure as a hint.
return 'cef_string_userfree_t'
elif not self.is_const() and (self.is_byref() or self.is_byaddr()):
# Parameters passed by reference or address. Use the normal
# non-const string struct.
return 'cef_string_t*'
# Const parameters use the const string struct.
return 'const cef_string_t*'
def is_result_vector(self):
""" Returns true if this is a vector type. """
return (self.result_type == 'vector')
def is_result_vector_string(self):
""" Returns true if this is a string vector. """
return self.result_value[0]['result_type'] == 'string'
def is_result_vector_simple(self):
""" Returns true if this is a string vector. """
return self.result_value[0]['result_type'] == 'simple'
def is_result_vector_ptr(self):
""" Returns true if this is a *Ptr vector. """
return self.is_result_vector_refptr() or \
self.is_result_vector_ownptr() or \
self.is_result_vector_rawptr()
def get_result_vector_ptr_type_prefix(self):
""" Returns the *Ptr type prefix. """
if self.is_result_vector_refptr():
return 'ref'
if self.is_result_vector_ownptr():
return 'own'
if self.is_result_vector_rawptr():
return 'raw'
raise Exception('Not a pointer type')
def is_result_vector_refptr(self):
""" Returns true if this is a RefPtr vector. """
return self.result_value[0]['result_type'] == 'refptr'
def is_result_vector_ownptr(self):
""" Returns true if this is a OwnPtr vector. """
return self.result_value[0]['result_type'] == 'ownptr'
def is_result_vector_rawptr(self):
""" Returns true if this is a RawPtr vector. """
return self.result_value[0]['result_type'] == 'rawptr'
def get_result_vector_type_root(self):
""" Return the vector structure or basic type name. """
return self.result_value[0]['result_value']
def get_result_vector_type(self, defined_structs=[]):
""" Return the vector type. """
if not self.has_name():
raise Exception('Cannot use vector as a return type')
type = self.result_value[0]['result_type']
value = self.result_value[0]['result_value']
result = {}
if type == 'string':
result['value'] = 'cef_string_list_t'
result['format'] = 'single'
return result
if type == 'simple':
str = value
if self.is_const():
str += ' const'
str += '*'
result['value'] = str
elif type == 'refptr' or type == 'ownptr' or type == 'rawptr':
str = ''
if not value[:-1] in defined_structs:
str += 'struct _'
str += value
if self.is_const():
str += ' const'
str += '*'
result['value'] = str
else:
raise Exception('Unsupported vector type: ' + type)
# vector values must be passed as a value array parameter
# and a size parameter
result['format'] = 'multi-arg'
return result
def is_result_map(self):
""" Returns true if this is a map type. """
return (self.result_type == 'map' or self.result_type == 'multimap')
def is_result_map_single(self):
""" Returns true if this is a single map type. """
return (self.result_type == 'map')
def is_result_map_multi(self):
""" Returns true if this is a multi map type. """
return (self.result_type == 'multimap')
def get_result_map_type(self, defined_structs=[]):
""" Return the map type. """
if not self.has_name():
raise Exception('Cannot use map as a return type')
if self.result_value[0]['result_type'] == 'string' \
and self.result_value[1]['result_type'] == 'string':
if self.result_type == 'map':
return {'value': 'cef_string_map_t', 'format': 'single'}
elif self.result_type == 'multimap':
return {'value': 'cef_string_multimap_t', 'format': 'multi'}
raise Exception('Only mappings of strings to strings are supported')
def get_capi(self, defined_structs=[]):
""" Format the value for the C API. """
result = ''
format = 'single'
if self.is_result_simple():
result += self.get_result_simple_type()
elif self.is_result_ptr():
result += self.get_result_ptr_type(defined_structs)
elif self.is_result_struct():
result += self.get_result_struct_type(defined_structs)
elif self.is_result_string():
result += self.get_result_string_type()
elif self.is_result_map():
resdict = self.get_result_map_type(defined_structs)
if resdict['format'] == 'single' or resdict['format'] == 'multi':
result += resdict['value']
else:
raise Exception('Unsupported map type')
elif self.is_result_vector():
resdict = self.get_result_vector_type(defined_structs)
if resdict['format'] != 'single':
format = resdict['format']
result += resdict['value']
if self.has_name():
result += ' ' + self.get_name()
return {'format': format, 'value': result}
# test the module
if __name__ == "__main__":
import pprint
import sys
# verify that the correct number of command-line arguments are provided
if len(sys.argv) != 2:
sys.stderr.write('Usage: ' + sys.argv[0] + ' <directory>')
sys.exit()
pp = pprint.PrettyPrinter(indent=4)
# create the header object
header = obj_header()
header.add_directory(sys.argv[1])
# output the type mapping
types = {}
header.get_types(types)
pp.pprint(types)
sys.stdout.write('\n')
# output the parsed C++ data
sys.stdout.write(str(header))
# output the C API formatted data
defined_names = header.get_defined_structs()
result = ''
# global functions
funcs = header.get_funcs()
if len(funcs) > 0:
for func in funcs:
result += func.get_capi_proto(defined_names) + ';\n'
result += '\n'
classes = header.get_classes()
for cls in classes:
# virtual functions are inside a structure
result += 'struct ' + cls.get_capi_name() + '\n{\n'
funcs = cls.get_virtual_funcs()
if len(funcs) > 0:
for func in funcs:
result += '\t' + func.get_capi_proto(defined_names) + ';\n'
result += '}\n\n'
defined_names.append(cls.get_capi_name())
# static functions become global
funcs = cls.get_static_funcs()
if len(funcs) > 0:
for func in funcs:
result += func.get_capi_proto(defined_names) + ';\n'
result += '\n'
sys.stdout.write(result)
| [
"[email protected]"
] | |
e2ec8e1807b2ada32487f68445c59d81a1985ee4 | ccf94dcb6b1500fcbbd56964ae8c4832a496b8b3 | /python/baiduads-sdk-auto/test/test_update_material_bind_response_wrapper_body.py | 0b1aeca6da72b0508699b95f4a1b46ff5039dc1e | [
"Apache-2.0"
] | permissive | baidu/baiduads-sdk | 24c36b5cf3da9362ec5c8ecd417ff280421198ff | 176363de5e8a4e98aaca039e4300703c3964c1c7 | refs/heads/main | 2023-06-08T15:40:24.787863 | 2023-05-20T03:40:51 | 2023-05-20T03:40:51 | 446,718,177 | 16 | 11 | Apache-2.0 | 2023-06-02T05:19:40 | 2022-01-11T07:23:17 | Python | UTF-8 | Python | false | false | 996 | py | """
dev2 api schema
'dev2.baidu.com' api schema # noqa: E501
Generated by: https://openapi-generator.tech
"""
import sys
import unittest
import baiduads
from baiduads.materialbindmod.model.material_bind_update_response import MaterialBindUpdateResponse
globals()['MaterialBindUpdateResponse'] = MaterialBindUpdateResponse
from baiduads.materialbindmod.model.update_material_bind_response_wrapper_body import UpdateMaterialBindResponseWrapperBody
class TestUpdateMaterialBindResponseWrapperBody(unittest.TestCase):
"""UpdateMaterialBindResponseWrapperBody unit test stubs"""
def setUp(self):
pass
def tearDown(self):
pass
def testUpdateMaterialBindResponseWrapperBody(self):
"""Test UpdateMaterialBindResponseWrapperBody"""
# FIXME: construct object with mandatory attributes with example values
# model = UpdateMaterialBindResponseWrapperBody() # noqa: E501
pass
if __name__ == '__main__':
unittest.main()
| [
"[email protected]"
] | |
c94623fa4a303341d2a14bd2502ddbb12809ef67 | 75fa11b13ddab8fd987428376f5d9c42dff0ba44 | /metadata-ingestion/tests/integration/ldap/test_ldap.py | 3e76f13fc823d2cba27669df218aeac46589492f | [
"Apache-2.0",
"LicenseRef-scancode-unknown-license-reference",
"BSD-2-Clause",
"MIT"
] | permissive | RyanHolstien/datahub | 163d0ff6b4636919ed223ee63a27cba6db2d0156 | 8cf299aeb43fa95afb22fefbc7728117c727f0b3 | refs/heads/master | 2023-09-04T10:59:12.931758 | 2023-08-21T18:33:10 | 2023-08-21T18:33:10 | 246,685,891 | 0 | 0 | Apache-2.0 | 2021-02-16T23:48:05 | 2020-03-11T21:43:58 | TypeScript | UTF-8 | Python | false | false | 5,662 | py | import time
import pytest
from datahub.ingestion.run.pipeline import Pipeline
from tests.test_helpers import mce_helpers
from tests.test_helpers.docker_helpers import wait_for_port
@pytest.mark.integration
def test_ldap_ingest(docker_compose_runner, pytestconfig, tmp_path, mock_time):
test_resources_dir = pytestconfig.rootpath / "tests/integration/ldap"
with docker_compose_runner(
test_resources_dir / "docker-compose.yml", "ldap"
) as docker_services:
# The openldap container loads the sample data after exposing the port publicly. As such,
# we must wait a little bit extra to ensure that the sample data is loaded.
wait_for_port(docker_services, "openldap", 389)
# without this ldap server can provide empty results
time.sleep(5)
pipeline = Pipeline.create(
{
"run_id": "ldap-test",
"source": {
"type": "ldap",
"config": {
"ldap_server": "ldap://localhost",
"ldap_user": "cn=admin,dc=example,dc=org",
"ldap_password": "admin",
"base_dn": "dc=example,dc=org",
"group_attrs_map": {
"members": "memberUid",
},
"custom_props_list": ["givenName"],
},
},
"sink": {
"type": "file",
"config": {
"filename": f"{tmp_path}/ldap_mces.json",
},
},
}
)
pipeline.run()
pipeline.raise_from_status()
mce_helpers.check_golden_file(
pytestconfig,
output_path=tmp_path / "ldap_mces.json",
golden_path=test_resources_dir / "ldap_mces_golden.json",
)
@pytest.mark.integration
def test_ldap_memberof_ingest(docker_compose_runner, pytestconfig, tmp_path, mock_time):
test_resources_dir = pytestconfig.rootpath / "tests/integration/ldap"
with docker_compose_runner(
test_resources_dir / "docker-compose.yml", "ldap"
) as docker_services:
# The openldap container loads the sample data after exposing the port publicly. As such,
# we must wait a little bit extra to ensure that the sample data is loaded.
wait_for_port(docker_services, "openldap", 389)
# without this ldap server can provide empty results
time.sleep(5)
pipeline = Pipeline.create(
{
"run_id": "ldap-test",
"source": {
"type": "ldap",
"config": {
"ldap_server": "ldap://localhost",
"ldap_user": "cn=admin,dc=example,dc=org",
"ldap_password": "admin",
"base_dn": "dc=example,dc=org",
"filter": "(memberOf=cn=HR Department,dc=example,dc=org)",
"attrs_list": ["+", "*"],
"group_attrs_map": {
"members": "member",
},
},
},
"sink": {
"type": "file",
"config": {
"filename": f"{tmp_path}/ldap_memberof_mces.json",
},
},
}
)
pipeline.run()
pipeline.raise_from_status()
mce_helpers.check_golden_file(
pytestconfig,
output_path=tmp_path / "ldap_memberof_mces.json",
golden_path=test_resources_dir / "ldap_memberof_mces_golden.json",
)
@pytest.mark.integration
def test_ldap_ingest_with_email_as_username(
docker_compose_runner, pytestconfig, tmp_path, mock_time
):
test_resources_dir = pytestconfig.rootpath / "tests/integration/ldap"
with docker_compose_runner(
test_resources_dir / "docker-compose.yml", "ldap"
) as docker_services:
# The openldap container loads the sample data after exposing the port publicly. As such,
# we must wait a little bit extra to ensure that the sample data is loaded.
wait_for_port(docker_services, "openldap", 389)
time.sleep(5)
pipeline = Pipeline.create(
{
"run_id": "ldap-test",
"source": {
"type": "ldap",
"config": {
"ldap_server": "ldap://localhost",
"ldap_user": "cn=admin,dc=example,dc=org",
"ldap_password": "admin",
"base_dn": "dc=example,dc=org",
"user_attrs_map": {"email": "mail"},
"group_attrs_map": {
"members": "memberUid",
"email": "mail",
},
"use_email_as_username": True,
"custom_props_list": ["givenName"],
},
},
"sink": {
"type": "file",
"config": {
"filename": f"{tmp_path}/ldap_mces.json",
},
},
}
)
pipeline.run()
pipeline.raise_from_status()
mce_helpers.check_golden_file(
pytestconfig,
output_path=tmp_path / "ldap_mces.json",
golden_path=test_resources_dir / "ldap_mces_golden.json",
)
| [
"[email protected]"
] | |
400ac17153480a63df98dda5dac0d88bf318c97e | 508321d683975b2339e5292202f3b7a51bfbe22d | /Userset.vim/ftplugin/python/CompletePack/PySide2/QtWidgets/QGraphicsPixmapItem.py | 0b913af111c321403b7dbad1da4f899c98fdb78f | [] | no_license | cundesi/vimSetSa | 4947d97bcfe89e27fd2727423112bb37aac402e2 | 0d3f9e5724b471ab21aa1199cc3b4676e30f8aab | refs/heads/master | 2020-03-28T05:54:44.721896 | 2018-08-31T07:23:41 | 2018-08-31T07:23:41 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,254 | py | # encoding: utf-8
# module PySide2.QtWidgets
# from C:\Program Files\Autodesk\Maya2017\Python\lib\site-packages\PySide2\QtWidgets.pyd
# by generator 1.145
# no doc
# imports
import PySide2.QtCore as __PySide2_QtCore
import PySide2.QtGui as __PySide2_QtGui
import Shiboken as __Shiboken
from QGraphicsItem import QGraphicsItem
class QGraphicsPixmapItem(QGraphicsItem):
# no doc
def boundingRect(self, *args, **kwargs): # real signature unknown
pass
def contains(self, *args, **kwargs): # real signature unknown
pass
def extension(self, *args, **kwargs): # real signature unknown
pass
def isObscuredBy(self, *args, **kwargs): # real signature unknown
pass
def offset(self, *args, **kwargs): # real signature unknown
pass
def opaqueArea(self, *args, **kwargs): # real signature unknown
pass
def paint(self, *args, **kwargs): # real signature unknown
pass
def pixmap(self, *args, **kwargs): # real signature unknown
pass
def setOffset(self, *args, **kwargs): # real signature unknown
pass
def setPixmap(self, *args, **kwargs): # real signature unknown
pass
def setShapeMode(self, *args, **kwargs): # real signature unknown
pass
def setTransformationMode(self, *args, **kwargs): # real signature unknown
pass
def shape(self, *args, **kwargs): # real signature unknown
pass
def shapeMode(self, *args, **kwargs): # real signature unknown
pass
def transformationMode(self, *args, **kwargs): # real signature unknown
pass
def type(self, *args, **kwargs): # real signature unknown
pass
def __init__(self, *args, **kwargs): # real signature unknown
pass
@staticmethod # known case of __new__
def __new__(S, *more): # real signature unknown; restored from __doc__
""" T.__new__(S, ...) -> a new object with type S, a subtype of T """
pass
BoundingRectShape = None # (!) real value is ''
HeuristicMaskShape = None # (!) real value is ''
MaskShape = None # (!) real value is ''
ShapeMode = None # (!) real value is ''
| [
"[email protected]"
] | |
23d781e34d8d2f3ae61620fd43b6f47b75e59a5b | 5b0ff689a3e14f42bdf688864cae40c931a5f685 | /msa/core/armve/tests/test_multi_write.py | b2424dcb0537e0251c93404cf4c3107e15a472cd | [] | no_license | prometheus-ar/vot.ar | cd7012f2792a2504fb7f0ee43796a197fc82bd28 | 72d8fa1ea08fe417b64340b98dff68df8364afdf | refs/heads/2017-ago-salta | 2021-01-02T22:19:41.591077 | 2017-08-25T11:55:49 | 2017-08-25T11:55:49 | 37,735,555 | 171 | 110 | null | 2020-06-30T13:33:49 | 2015-06-19T17:15:52 | JavaScript | UTF-8 | Python | false | false | 1,712 | py | #!/usr/bin/env python
# coding: utf-8
from __future__ import division
from serial import Serial
from msa.core.armve.constants import DEV_PRINTER, CMD_PRINTER_PAPER_START, \
CMD_PRINTER_MOVE, EVT_PRINTER_PAPER_INSERTED, CMD_PRINTER_PRINT, \
CMD_PRINTER_PAPER_REMOVE, DEV_RFID, EVT_RFID_NEW_TAG,\
CMD_PRINTER_LOAD_COMP_BUFFER, MSG_EV_PUB
from msa.core.armve.protocol import Printer, RFID, Device, Agent, \
PowerManager, PIR
from msa.core.armve.settings import SERIAL_PORT
def init_channel():
channel = Serial(SERIAL_PORT, timeout=3)
if not channel.isOpen():
channel.open()
channel.flushInput()
channel.flushOutput()
return channel
def test_boleta():
channel = init_channel()
agent = Agent(channel)
init = agent.initialize()
printer = Printer(channel)
rfid = RFID(channel)
device = Device(channel)
#esperar_evento(device, DEV_PRINTER, EVT_PRINTER_PAPER_INSERTED)
#print rfid.get_multitag_data()
tags_data = rfid.get_tags()[0]
serial_number = tags_data['serial_number'][0]
rfid.write_tag(serial_number, 4, "1C",
"--00--01--02--03--04--05--06--07--08--09--10--11--12"
"--13--14--15--16--17--18--19--20--21--22--23--24--25"
"--26--27--28--29--30--31--32--33--34--35--36--37--38"
"--39--40--41--42--43--44--45--46--47--48--49--50--51"
)
rfid.get_multitag_data()
def esperar_evento(device, device_id, event):
print("esperando evento", device_id, event)
esperando = True
while esperando:
ret = device.read(True)
if ret is not None and ret[1:] == (device_id, event, MSG_EV_PUB):
esperando = False
if __name__ == "__main__":
test_boleta()
| [
"[email protected]"
] | |
bbd3db53b09bf960e6e995204e2771897492d6dc | 599d569b586cb1414886b1a2454cf3c59c4362bd | /master_classifyNewcase.py | 1e11353691c3a1709fc3f692cee4905ea5ed08fd | [] | no_license | cgallego/master | 77511ff3330882f0c5456beaedd81468d7a99bb1 | 2a04d66ac783f5729413aecf9c66037fc8501c78 | refs/heads/master | 2016-09-07T19:02:40.537285 | 2014-07-28T16:05:01 | 2014-07-28T16:05:01 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 11,972 | py | # -*- coding: utf-8 -*-
"""
Master python script to run each module in sequence
Arguments:
============
sys.argv[1] = input text file with one case per line in the following format:
BenignNMaligNAnt StudyNumber DicomExamNumber LesionID StudyDate SeriesID BreastSide PathReportID PathoBreastSide
Created on Tue Apr 08 14:20:35 2014
@ author (C) Cristina Gallego, University of Toronto
----------------------------------------------------------------------
"""
import os, os.path
import sys
import string
from sys import argv, stderr, exit
import shlex, subprocess
import re
import numpy as np
import dicom
import psycopg2
import sqlalchemy as al
import sqlalchemy.orm
import pandas as pd
from query_database import *
from dictionaries import my_aet, hostID, local_port, clinical_aet, clinical_IP, clinical_port, remote_aet, remote_IP, remote_port
import dcmtk_routines as dcmtk
from inputs_init import *
from display import *
from segment import *
from features_dynamic import *
from features_morphology import *
from features_texture import *
import pylab
# convertion packages
import pandas.rpy.common as com
from rpy2.robjects.numpy2ri import numpy2ri
from rpy2.robjects.packages import importr
import rpy2.robjects as R
from rpy2.robjects import globalenv
from classifyCascade import *
def getScans(path_rootFolder, fileline, PatientID, StudyID, AccessionN, oldExamID):
"""
run : getScans(path_rootFolder, PatientID, StudyID, AccessionN):
Inputs
======
path_rootFolder: (string) Automatically generated based on the location of file
PatientID : (int) MRN
StudyID : (int) CAD StudyID
AccessionN : (int) CAD AccessionN
database : (bool) [True] whether to check database for info about study.
Output
======
"""
try:
dcmtk.check_MRI_MARTEL(data_loc, remote_aet, remote_port, remote_IP, local_port, PatientID, StudyID, AccessionN)
if(oldExamID==False):
dcmtk.pull_MRI_MARTEL(path_rootFolder, data_loc, remote_aet, remote_port, remote_IP, local_port, PatientID, StudyID, AccessionN, countImages=False)
else:
ExamID = fileline[4]
dcmtk.pull_MRI_MARTELold(path_rootFolder, data_loc, remote_aet, remote_port, remote_IP, local_port, PatientID, StudyID, AccessionN, ExamID, countImages=False)
except (KeyboardInterrupt, SystemExit):
dcmtk.check_pacs(path_rootFolder, data_loc, clinical_aet , clinical_port, clinical_IP, local_port, PatientID, StudyID, AccessionN)
dcmtk.pull_pacs(path_rootFolder, data_loc, clinical_aet, clinical_port, clinical_IP, local_port, PatientID, StudyID, AccessionN)
except (KeyboardInterrupt, SystemExit):
print 'Unable to find study in MRI_MARTEL or AS0SUNB --- Abort'
sys.exit()
return
if __name__ == '__main__':
# Get Root folder ( the directory of the script being run)
path_rootFolder = os.path.dirname(os.path.abspath(__file__))
print path_rootFolder
# Open filename list
file_ids = open(sys.argv[1],"r")
init_flag=1
for fileline in file_ids:
# Get the line: StudyNumber DicomExamNumber MRN chosen_lesions_id StudyDate SeriesID image_pos_pat image_ori_pat
fileline = fileline.split()
cond = fileline[0]
StudyID = fileline[1]
DicomExamNumber = fileline[2]
Lesions_id = fileline[3]
dateID = fileline[4]
SeriesID = fileline[5] # corresponds to dynamic sequence;
#############################
###### 1) Retrieving Images from Research PACS
#############################
print "Retrieving Scans to local drive..."
#getScans(path_rootFolder, fileline, PatientID, StudyID, AccessionN, oldExamID=False)
#############################
###### 2) Querying Research database for clinical, pathology, radiology data
#############################
print "Executing SQL connection..."
# Format query StudyID
if (len(StudyID) >= 4 ): fStudyID=StudyID
if (len(StudyID) == 3 ): fStudyID='0'+StudyID
if (len(StudyID) == 2 ): fStudyID='00'+StudyID
if (len(StudyID) == 1 ): fStudyID='000'+StudyID
# Format query redateID
redateID = dateID[0:4]+'-'+dateID[4:6]+'-'+dateID[6:8]
# perform query
queryData = Query()
queryData.queryDatabase(fStudyID, redateID)
rowCase=["0", "0"]
rowCase = int(raw_input('pick row (0-n): '))
# recollect pathologies
queryData.d1['is_insitu'] = pd.Series(True, index=queryData.d1)
queryData.d1['is_invasive'] = pd.Series(True, index=queryData.d1)
queryData.d1['Diagnosis'] = pd.Series(True, index=queryData.d1)
queryData.d1['BenignNMaligNAnt'] = pd.Series(True, index=queryData.d1)
queryData.d1['labels'] = pd.Series(True, index=queryData.d1)
ansLesion = array((raw_input('Enter: is_insitu?: is_invasive?: ')).split()).astype(bool)
#slice data, get only 1 record
dataCase = pd.Series( queryData.d1.loc[rowCase,:] )
dataCase['is_insitu'] = ansLesion[0]
dataCase['is_invasive'] = ansLesion[1]
ansDiag=["diagnosis"]
ansDiag = str(raw_input('Dignosis: '))
dataCase['Diagnosis'] = ansDiag
dataCase['BenignNMaligNAnt'] = cond[:-1]
dataCase['labels'] = cond
if(init_flag):
casesFrame = pd.DataFrame(columns=queryData.d1.columns)
init_flag=False
#############################
###### 3) Extractfeatures
#############################
###### Start by Loading
print "Start by loading volumes..."
load = Inputs_init()
data_loc='Z:\Cristina\MassNonmass'+os.sep+cond[:-1]
[series_path, phases_series, lesionID_path] = load.readVolumes(data_loc, StudyID, DicomExamNumber, SeriesID, Lesions_id)
print "Path to series location: %s" % series_path
print "List of pre and post contrast volume names: %s" % phases_series
print "Path to lesion segmentation: %s" % lesionID_path
print "\n Load Segmentation..."
lesion3D = load.loadSegmentation(lesionID_path)
print "Data Structure: %s" % lesion3D.GetClassName()
print "Number of points: %d" % int(lesion3D.GetNumberOfPoints())
print "Number of cells: %d" % int(lesion3D.GetNumberOfCells())
print "\n Visualize volumes..."
# Create only 1 display
loadDisplay = Display()
lesion3D_mesh = loadDisplay.addSegment(lesion3D, (0,1,0), interact=False)
loadDisplay.visualize(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, sub=True, postS=4, interact=True)
# Get z slice
LesionZslice = loadDisplay.zImagePlaneWidget.GetSliceIndex()
#############################
# 4) Create Segmentation of lesion. Comment out if not needed ( define seededlesion3D = lesion3D )
#############################
createSegment = Segment()
print "\n Displaying picker for lesion segmentation"
seeds = loadDisplay.display_pick(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, 4, LesionZslice)
seededlesion3D = createSegment.segmentFromSeeds(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, seeds, loadDisplay.iren1, loadDisplay.xImagePlaneWidget, loadDisplay.yImagePlaneWidget, loadDisplay.zImagePlaneWidget)
seededlesion3D_mesh = loadDisplay.addSegment(seededlesion3D, (0,0,1), interact=True)
loadDisplay.picker.RemoveAllObservers()
# save it to file
createSegment.saveSegmentation(lesionID_path, seededlesion3D)
#############################
###### Extract Dynamic features
#############################
print "\n Extract Dynamic contour features..."
loadDynamic = Dynamic()
dynamicfeatures_contour = loadDynamic.extractfeatures_contour(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, series_path, phases_series, seededlesion3D)
print "\n=========================================="
print dynamicfeatures_contour
print "\n Extract Dynamic inside features..."
dynamicfeatures_inside = loadDynamic.extractfeatures_inside(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, series_path, phases_series, seededlesion3D)
print dynamicfeatures_inside
print "\n=========================================="
#############################
###### Extract Morphology features
#############################
print "\n Extract Morphology features..."
loadMorphology = Morphology()
morphofeatures = loadMorphology.extractfeatures(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, series_path, phases_series, seededlesion3D)
print "\n=========================================="
print morphofeatures
print "\n=========================================="
#############################
###### Extract Texture features
#############################
print "\n Extract Texture features..."
loadTexture = Texture()
texturefeatures = loadTexture.extractfeatures(load.DICOMImages, load.image_pos_pat, load.image_ori_pat, series_path, phases_series, seededlesion3D, loadMorphology.VOI_efect_diameter, loadMorphology.lesion_centroid )
print "\n=========================================="
print texturefeatures
print "\n=========================================="
# deal with closing windows, plots, renders, actors
pylab.close('all')
loadDisplay.renderer1.RemoveActor(loadDisplay.actor_mesh)
loadDisplay.iren1.TerminateApp()
loadDisplay.renWin1.Finalize()
#############################
###### Finish tidying up and save to file
## append collection of cases
#############################
casesFrame = casesFrame.append(dataCase) # 20
casesFrame['id']=fStudyID
casesFrame.set_index('id',inplace=False)
dynamicfeatures_contour['id']=fStudyID
dynamicfeatures_contour.set_index('id',inplace=False)
casesFrame = pd.merge(casesFrame, dynamicfeatures_contour, on='id', how='inner')
dynamicfeatures_inside['id']=fStudyID
dynamicfeatures_inside.set_index('id',inplace=False)
casesFrame = pd.merge(casesFrame, dynamicfeatures_inside, on='id', how='inner')
morphofeatures['id']=fStudyID
morphofeatures.set_index('id',inplace=False)
casesFrame = pd.merge(casesFrame, morphofeatures, on='id', how='inner')
texturefeatures['id']=fStudyID
texturefeatures.set_index('id',inplace=False)
casesFrame = pd.merge(casesFrame, texturefeatures, on='id', how='inner')
# end of line
os.chdir("Z:\Cristina\MassNonmass\codeProject\codeBase\extractFeatures\casesDatabase")
casesFrame.to_csv('casesFrames_toclasify.csv')
#############################
## Classification stage: send features to classifier to generate new case prediction
## Cascade current classifier
#############################
classifier = classifyCascade()
classifier.case_classifyCascade()
file_ids.close()
| [
"[email protected]"
] | |
ea6e913cfb0bfbdeae407ef6826a14197f46c3c5 | 805a795ea81ca8b5cee1dec638585011da3aa12f | /MAIN/2.79/python/lib/site-packages/OpenGL/GLES2/EXT/float_blend.py | b15df56ee4bf4fa5dd71042d1b67ad8dbacc6e7d | [
"Apache-2.0"
] | permissive | josipamrsa/Interactive3DAnimation | 5b3837382eb0cc2ebdee9ee69adcee632054c00a | a4b7be78514b38fb096ced5601f25486d2a1d3a4 | refs/heads/master | 2022-10-12T05:48:20.572061 | 2019-09-26T09:50:49 | 2019-09-26T09:50:49 | 210,919,746 | 0 | 1 | Apache-2.0 | 2022-10-11T01:53:36 | 2019-09-25T19:03:51 | Python | UTF-8 | Python | false | false | 750 | py | '''OpenGL extension EXT.float_blend
This module customises the behaviour of the
OpenGL.raw.GLES2.EXT.float_blend to provide a more
Python-friendly API
The official definition of this extension is available here:
http://www.opengl.org/registry/specs/EXT/float_blend.txt
'''
from OpenGL import platform, constant, arrays
from OpenGL import extensions, wrapper
import ctypes
from OpenGL.raw.GLES2 import _types, _glgets
from OpenGL.raw.GLES2.EXT.float_blend import *
from OpenGL.raw.GLES2.EXT.float_blend import _EXTENSION_NAME
def glInitFloatBlendEXT():
'''Return boolean indicating whether this extension is available'''
from OpenGL import extensions
return extensions.hasGLExtension( _EXTENSION_NAME )
### END AUTOGENERATED SECTION | [
"[email protected]"
] | |
72c6b5820ec2373fc5c053015b127eae12ba7b5d | 74fb05c7b5eddf2b368e181f38b9423a711bf2e0 | /real_python_tutorails/iterators/iterators_example.py | ae43af08beec8d63c2765d453574e4ff98b5c5cb | [] | no_license | musram/python_progs | 426dcd4786e89b985e43284ab5a5b1ba79cb285e | ad1f7f2b87568ba653f839fe8fa45e90cbde5a63 | refs/heads/master | 2022-11-10T09:53:29.993436 | 2020-06-21T00:21:23 | 2020-06-21T00:21:23 | 264,607,509 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,387 | py |
if __name__ == "__main__":
names = ['sai', 'asi', 'isa']
for name in names:
print(name)
#what actuall happens internally is this:
it = names.__iter__()
print(next(it))
#similalry
f = open('/etc/passwd', 'r')
it = f.__iter__()
print(next(it))
#writing generator
#(1)
def countDown(n):
print('Counting from' , n)
while (n > 0):
yield n
n -= 1
print('Done')
for x in countDown(5):
print(x)
#this is same as
c = countDown(5)
it = c.__iter__()
print(next(it))
#writing genertor
#(2)
it = ( x for x in range(5,0,-1))
print(next(it))
#writing generator
#(3)
class CountDown:
def __init__(self, n):
self.n = n
def __iter__(self):
n = self.n
while (n > 0):
yield n
n -= 1
c = CountDown(5)
for x in c:
print(x)
import os
import time
def follow(filename):
f = open(filename, 'r')
f.seek(0, os.SEEK_END)
while True:
line = f.readline()
if not line:
time.sleep(0.1)
continue
yield line
for line in follow('/etc/passwd'):
row = line.split(',')
print(row)
| [
"[email protected]"
] | |
dd5fbc68c39d3c24641b9f746e2812d44fa78e62 | e6d4a87dcf98e93bab92faa03f1b16253b728ac9 | /algorithms/python/destinationCity/destinationCity.py | 1b55d8c23b19986d5f6d1359d7af30216a4080a4 | [] | no_license | MichelleZ/leetcode | b5a58e1822e3f6ef8021b29d9bc9aca3fd3d416f | a390adeeb71e997b3c1a56c479825d4adda07ef9 | refs/heads/main | 2023-03-06T08:16:54.891699 | 2023-02-26T07:17:47 | 2023-02-26T07:17:47 | 326,904,500 | 3 | 0 | null | null | null | null | UTF-8 | Python | false | false | 510 | py | #! /usr/bin/env python3
# -*- coding: utf-8 -*-
# Source: https://leetcode.com/problems/destination-city/
# Author: Miao Zhang
# Date: 2021-05-06
class Solution:
def destCity(self, paths: List[List[str]]) -> str:
ind = collections.defaultdict(int)
out = collections.defaultdict(int)
for u, v in paths:
ind[v] += 1
out[u] += 1
for city, val in ind.items():
if val == 1 and out[city] == 0:
return city
return ''
| [
"[email protected]"
] | |
441e3e75fd6b5ef8cc403e0b4b73843eb432393c | 62c6e50d148f1ccd51001abedbfe748fda94427e | /backend/cookieapp/views.py | 65b7b4217bfa0991bcd696807104284c0951ead4 | [] | no_license | i7-Ryzen/django-jwt-httponly-cookie | be27936d0d7111688a0b2d5811edd891c2b5c925 | bb21ae75b05f7b42e98da6a69f9280c51a1171fd | refs/heads/main | 2023-05-06T15:30:01.870387 | 2021-05-24T05:35:10 | 2021-05-24T05:35:10 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,870 | py | from rest_framework_simplejwt.tokens import RefreshToken
from django.middleware import csrf
from rest_framework.views import APIView
from rest_framework.response import Response
from django.contrib.auth import authenticate
from django.conf import settings
from rest_framework import status
def get_tokens_for_user(user):
refresh = RefreshToken.for_user(user)
return {
'refresh': str(refresh),
'access': str(refresh.access_token),
}
class LoginView(APIView):
def post(self, request, format=None):
data = request.data
response = Response()
username = data.get('username', None)
password = data.get('password', None)
user = authenticate(username=username, password=password)
if user is not None:
if user.is_active:
data = get_tokens_for_user(user)
response.set_cookie(
key = settings.SIMPLE_JWT['AUTH_COOKIE'],
value = data["access"],
expires = settings.SIMPLE_JWT['ACCESS_TOKEN_LIFETIME'],
secure = settings.SIMPLE_JWT['AUTH_COOKIE_SECURE'],
httponly = settings.SIMPLE_JWT['AUTH_COOKIE_HTTP_ONLY'],
samesite = settings.SIMPLE_JWT['AUTH_COOKIE_SAMESITE']
)
csrf.get_token(request)
response.data = {"Success" : "Login successfully","data":data}
return response
else:
return Response({"No active" : "This account is not active!!"}, status=status.HTTP_404_NOT_FOUND)
else:
return Response({"Invalid" : "Invalid username or password!!"}, status=status.HTTP_404_NOT_FOUND) | [
"[email protected]"
] | |
46bbf9daf0b61574b23a2631b6a78bc7caa69495 | e5e2b7da41fda915cb849f031a0223e2ac354066 | /sdk/python/pulumi_azure_native/documentdb/v20210515/sql_resource_sql_trigger.py | 61599bbe3cb634dfa2ed1f8cf1d6c22dcfb144dd | [
"BSD-3-Clause",
"Apache-2.0"
] | permissive | johnbirdau/pulumi-azure-native | b7d3bdddeb7c4b319a7e43a892ddc6e25e3bfb25 | d676cc331caa0694d8be99cb90b93fa231e3c705 | refs/heads/master | 2023-05-06T06:48:05.040357 | 2021-06-01T20:42:38 | 2021-06-01T20:42:38 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 18,020 | py | # coding=utf-8
# *** WARNING: this file was generated by the Pulumi SDK Generator. ***
# *** Do not edit by hand unless you're certain you know what you are doing! ***
import warnings
import pulumi
import pulumi.runtime
from typing import Any, Mapping, Optional, Sequence, Union, overload
from ... import _utilities
from . import outputs
from ._enums import *
from ._inputs import *
__all__ = ['SqlResourceSqlTriggerArgs', 'SqlResourceSqlTrigger']
@pulumi.input_type
class SqlResourceSqlTriggerArgs:
def __init__(__self__, *,
account_name: pulumi.Input[str],
container_name: pulumi.Input[str],
database_name: pulumi.Input[str],
resource: pulumi.Input['SqlTriggerResourceArgs'],
resource_group_name: pulumi.Input[str],
location: Optional[pulumi.Input[str]] = None,
options: Optional[pulumi.Input['CreateUpdateOptionsArgs']] = None,
tags: Optional[pulumi.Input[Mapping[str, pulumi.Input[str]]]] = None,
trigger_name: Optional[pulumi.Input[str]] = None):
"""
The set of arguments for constructing a SqlResourceSqlTrigger resource.
:param pulumi.Input[str] account_name: Cosmos DB database account name.
:param pulumi.Input[str] container_name: Cosmos DB container name.
:param pulumi.Input[str] database_name: Cosmos DB database name.
:param pulumi.Input['SqlTriggerResourceArgs'] resource: The standard JSON format of a trigger
:param pulumi.Input[str] resource_group_name: The name of the resource group. The name is case insensitive.
:param pulumi.Input[str] location: The location of the resource group to which the resource belongs.
:param pulumi.Input['CreateUpdateOptionsArgs'] options: A key-value pair of options to be applied for the request. This corresponds to the headers sent with the request.
:param pulumi.Input[Mapping[str, pulumi.Input[str]]] tags: Tags are a list of key-value pairs that describe the resource. These tags can be used in viewing and grouping this resource (across resource groups). A maximum of 15 tags can be provided for a resource. Each tag must have a key no greater than 128 characters and value no greater than 256 characters. For example, the default experience for a template type is set with "defaultExperience": "Cassandra". Current "defaultExperience" values also include "Table", "Graph", "DocumentDB", and "MongoDB".
:param pulumi.Input[str] trigger_name: Cosmos DB trigger name.
"""
pulumi.set(__self__, "account_name", account_name)
pulumi.set(__self__, "container_name", container_name)
pulumi.set(__self__, "database_name", database_name)
pulumi.set(__self__, "resource", resource)
pulumi.set(__self__, "resource_group_name", resource_group_name)
if location is not None:
pulumi.set(__self__, "location", location)
if options is not None:
pulumi.set(__self__, "options", options)
if tags is not None:
pulumi.set(__self__, "tags", tags)
if trigger_name is not None:
pulumi.set(__self__, "trigger_name", trigger_name)
@property
@pulumi.getter(name="accountName")
def account_name(self) -> pulumi.Input[str]:
"""
Cosmos DB database account name.
"""
return pulumi.get(self, "account_name")
@account_name.setter
def account_name(self, value: pulumi.Input[str]):
pulumi.set(self, "account_name", value)
@property
@pulumi.getter(name="containerName")
def container_name(self) -> pulumi.Input[str]:
"""
Cosmos DB container name.
"""
return pulumi.get(self, "container_name")
@container_name.setter
def container_name(self, value: pulumi.Input[str]):
pulumi.set(self, "container_name", value)
@property
@pulumi.getter(name="databaseName")
def database_name(self) -> pulumi.Input[str]:
"""
Cosmos DB database name.
"""
return pulumi.get(self, "database_name")
@database_name.setter
def database_name(self, value: pulumi.Input[str]):
pulumi.set(self, "database_name", value)
@property
@pulumi.getter
def resource(self) -> pulumi.Input['SqlTriggerResourceArgs']:
"""
The standard JSON format of a trigger
"""
return pulumi.get(self, "resource")
@resource.setter
def resource(self, value: pulumi.Input['SqlTriggerResourceArgs']):
pulumi.set(self, "resource", value)
@property
@pulumi.getter(name="resourceGroupName")
def resource_group_name(self) -> pulumi.Input[str]:
"""
The name of the resource group. The name is case insensitive.
"""
return pulumi.get(self, "resource_group_name")
@resource_group_name.setter
def resource_group_name(self, value: pulumi.Input[str]):
pulumi.set(self, "resource_group_name", value)
@property
@pulumi.getter
def location(self) -> Optional[pulumi.Input[str]]:
"""
The location of the resource group to which the resource belongs.
"""
return pulumi.get(self, "location")
@location.setter
def location(self, value: Optional[pulumi.Input[str]]):
pulumi.set(self, "location", value)
@property
@pulumi.getter
def options(self) -> Optional[pulumi.Input['CreateUpdateOptionsArgs']]:
"""
A key-value pair of options to be applied for the request. This corresponds to the headers sent with the request.
"""
return pulumi.get(self, "options")
@options.setter
def options(self, value: Optional[pulumi.Input['CreateUpdateOptionsArgs']]):
pulumi.set(self, "options", value)
@property
@pulumi.getter
def tags(self) -> Optional[pulumi.Input[Mapping[str, pulumi.Input[str]]]]:
"""
Tags are a list of key-value pairs that describe the resource. These tags can be used in viewing and grouping this resource (across resource groups). A maximum of 15 tags can be provided for a resource. Each tag must have a key no greater than 128 characters and value no greater than 256 characters. For example, the default experience for a template type is set with "defaultExperience": "Cassandra". Current "defaultExperience" values also include "Table", "Graph", "DocumentDB", and "MongoDB".
"""
return pulumi.get(self, "tags")
@tags.setter
def tags(self, value: Optional[pulumi.Input[Mapping[str, pulumi.Input[str]]]]):
pulumi.set(self, "tags", value)
@property
@pulumi.getter(name="triggerName")
def trigger_name(self) -> Optional[pulumi.Input[str]]:
"""
Cosmos DB trigger name.
"""
return pulumi.get(self, "trigger_name")
@trigger_name.setter
def trigger_name(self, value: Optional[pulumi.Input[str]]):
pulumi.set(self, "trigger_name", value)
class SqlResourceSqlTrigger(pulumi.CustomResource):
@overload
def __init__(__self__,
resource_name: str,
opts: Optional[pulumi.ResourceOptions] = None,
account_name: Optional[pulumi.Input[str]] = None,
container_name: Optional[pulumi.Input[str]] = None,
database_name: Optional[pulumi.Input[str]] = None,
location: Optional[pulumi.Input[str]] = None,
options: Optional[pulumi.Input[pulumi.InputType['CreateUpdateOptionsArgs']]] = None,
resource: Optional[pulumi.Input[pulumi.InputType['SqlTriggerResourceArgs']]] = None,
resource_group_name: Optional[pulumi.Input[str]] = None,
tags: Optional[pulumi.Input[Mapping[str, pulumi.Input[str]]]] = None,
trigger_name: Optional[pulumi.Input[str]] = None,
__props__=None):
"""
An Azure Cosmos DB trigger.
:param str resource_name: The name of the resource.
:param pulumi.ResourceOptions opts: Options for the resource.
:param pulumi.Input[str] account_name: Cosmos DB database account name.
:param pulumi.Input[str] container_name: Cosmos DB container name.
:param pulumi.Input[str] database_name: Cosmos DB database name.
:param pulumi.Input[str] location: The location of the resource group to which the resource belongs.
:param pulumi.Input[pulumi.InputType['CreateUpdateOptionsArgs']] options: A key-value pair of options to be applied for the request. This corresponds to the headers sent with the request.
:param pulumi.Input[pulumi.InputType['SqlTriggerResourceArgs']] resource: The standard JSON format of a trigger
:param pulumi.Input[str] resource_group_name: The name of the resource group. The name is case insensitive.
:param pulumi.Input[Mapping[str, pulumi.Input[str]]] tags: Tags are a list of key-value pairs that describe the resource. These tags can be used in viewing and grouping this resource (across resource groups). A maximum of 15 tags can be provided for a resource. Each tag must have a key no greater than 128 characters and value no greater than 256 characters. For example, the default experience for a template type is set with "defaultExperience": "Cassandra". Current "defaultExperience" values also include "Table", "Graph", "DocumentDB", and "MongoDB".
:param pulumi.Input[str] trigger_name: Cosmos DB trigger name.
"""
...
@overload
def __init__(__self__,
resource_name: str,
args: SqlResourceSqlTriggerArgs,
opts: Optional[pulumi.ResourceOptions] = None):
"""
An Azure Cosmos DB trigger.
:param str resource_name: The name of the resource.
:param SqlResourceSqlTriggerArgs args: The arguments to use to populate this resource's properties.
:param pulumi.ResourceOptions opts: Options for the resource.
"""
...
def __init__(__self__, resource_name: str, *args, **kwargs):
resource_args, opts = _utilities.get_resource_args_opts(SqlResourceSqlTriggerArgs, pulumi.ResourceOptions, *args, **kwargs)
if resource_args is not None:
__self__._internal_init(resource_name, opts, **resource_args.__dict__)
else:
__self__._internal_init(resource_name, *args, **kwargs)
def _internal_init(__self__,
resource_name: str,
opts: Optional[pulumi.ResourceOptions] = None,
account_name: Optional[pulumi.Input[str]] = None,
container_name: Optional[pulumi.Input[str]] = None,
database_name: Optional[pulumi.Input[str]] = None,
location: Optional[pulumi.Input[str]] = None,
options: Optional[pulumi.Input[pulumi.InputType['CreateUpdateOptionsArgs']]] = None,
resource: Optional[pulumi.Input[pulumi.InputType['SqlTriggerResourceArgs']]] = None,
resource_group_name: Optional[pulumi.Input[str]] = None,
tags: Optional[pulumi.Input[Mapping[str, pulumi.Input[str]]]] = None,
trigger_name: Optional[pulumi.Input[str]] = None,
__props__=None):
if opts is None:
opts = pulumi.ResourceOptions()
if not isinstance(opts, pulumi.ResourceOptions):
raise TypeError('Expected resource options to be a ResourceOptions instance')
if opts.version is None:
opts.version = _utilities.get_version()
if opts.id is None:
if __props__ is not None:
raise TypeError('__props__ is only valid when passed in combination with a valid opts.id to get an existing resource')
__props__ = SqlResourceSqlTriggerArgs.__new__(SqlResourceSqlTriggerArgs)
if account_name is None and not opts.urn:
raise TypeError("Missing required property 'account_name'")
__props__.__dict__["account_name"] = account_name
if container_name is None and not opts.urn:
raise TypeError("Missing required property 'container_name'")
__props__.__dict__["container_name"] = container_name
if database_name is None and not opts.urn:
raise TypeError("Missing required property 'database_name'")
__props__.__dict__["database_name"] = database_name
__props__.__dict__["location"] = location
__props__.__dict__["options"] = options
if resource is None and not opts.urn:
raise TypeError("Missing required property 'resource'")
__props__.__dict__["resource"] = resource
if resource_group_name is None and not opts.urn:
raise TypeError("Missing required property 'resource_group_name'")
__props__.__dict__["resource_group_name"] = resource_group_name
__props__.__dict__["tags"] = tags
__props__.__dict__["trigger_name"] = trigger_name
__props__.__dict__["name"] = None
__props__.__dict__["type"] = None
alias_opts = pulumi.ResourceOptions(aliases=[pulumi.Alias(type_="azure-nextgen:documentdb/v20210515:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20190801:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20190801:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20191212:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20191212:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20200301:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20200301:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20200401:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20200401:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20200601preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20200601preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20200901:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20200901:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20210115:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20210115:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20210301preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20210301preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20210315:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20210315:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20210401preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20210401preview:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-native:documentdb/v20210415:SqlResourceSqlTrigger"), pulumi.Alias(type_="azure-nextgen:documentdb/v20210415:SqlResourceSqlTrigger")])
opts = pulumi.ResourceOptions.merge(opts, alias_opts)
super(SqlResourceSqlTrigger, __self__).__init__(
'azure-native:documentdb/v20210515:SqlResourceSqlTrigger',
resource_name,
__props__,
opts)
@staticmethod
def get(resource_name: str,
id: pulumi.Input[str],
opts: Optional[pulumi.ResourceOptions] = None) -> 'SqlResourceSqlTrigger':
"""
Get an existing SqlResourceSqlTrigger resource's state with the given name, id, and optional extra
properties used to qualify the lookup.
:param str resource_name: The unique name of the resulting resource.
:param pulumi.Input[str] id: The unique provider ID of the resource to lookup.
:param pulumi.ResourceOptions opts: Options for the resource.
"""
opts = pulumi.ResourceOptions.merge(opts, pulumi.ResourceOptions(id=id))
__props__ = SqlResourceSqlTriggerArgs.__new__(SqlResourceSqlTriggerArgs)
__props__.__dict__["location"] = None
__props__.__dict__["name"] = None
__props__.__dict__["resource"] = None
__props__.__dict__["tags"] = None
__props__.__dict__["type"] = None
return SqlResourceSqlTrigger(resource_name, opts=opts, __props__=__props__)
@property
@pulumi.getter
def location(self) -> pulumi.Output[Optional[str]]:
"""
The location of the resource group to which the resource belongs.
"""
return pulumi.get(self, "location")
@property
@pulumi.getter
def name(self) -> pulumi.Output[str]:
"""
The name of the ARM resource.
"""
return pulumi.get(self, "name")
@property
@pulumi.getter
def resource(self) -> pulumi.Output[Optional['outputs.SqlTriggerGetPropertiesResponseResource']]:
return pulumi.get(self, "resource")
@property
@pulumi.getter
def tags(self) -> pulumi.Output[Optional[Mapping[str, str]]]:
"""
Tags are a list of key-value pairs that describe the resource. These tags can be used in viewing and grouping this resource (across resource groups). A maximum of 15 tags can be provided for a resource. Each tag must have a key no greater than 128 characters and value no greater than 256 characters. For example, the default experience for a template type is set with "defaultExperience": "Cassandra". Current "defaultExperience" values also include "Table", "Graph", "DocumentDB", and "MongoDB".
"""
return pulumi.get(self, "tags")
@property
@pulumi.getter
def type(self) -> pulumi.Output[str]:
"""
The type of Azure resource.
"""
return pulumi.get(self, "type")
| [
"[email protected]"
] | |
afa792b926c2ea3c9563b1ca60d34e69bc4fc2bc | b2ba78fb1e53f92efdc3b6e0be50c81e5dd036ed | /plot_f/plot_offline_mbl_5M_all.py | ef16bbcfd8943228d88a28c336263fa8c582ed91 | [
"MIT"
] | permissive | ShuoZ9379/Integration_SIL_and_MBL | 2dcfae10cb5929c4121a3a8bfceebae8c0b6ba08 | d7df6501a665d65eb791f7fd9b8e85fd660e6320 | refs/heads/master | 2020-07-23T20:04:17.304302 | 2019-09-23T18:58:57 | 2019-09-23T18:58:57 | 207,690,584 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,634 | py | import os, argparse, subprocess
import matplotlib.pyplot as plt
import numpy as np
from baselines.common import plot_util as pu
def arg_parser():
return argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter)
def filt(results,name,name_2=''):
ls=[r for r in results if name in r.dirname and name_2 in r.dirname]
return ls
def filt_or(results,name,name_2):
ls=[r for r in results if name in r.dirname or name_2 in r.dirname]
return ls
def filt_or_or_or(results,name,name_2,name_3,name_4):
ls=[r for r in results if name in r.dirname or name_2 in r.dirname or name_3 in r.dirname or name_4 in r.dirname]
return ls
def main():
parser = arg_parser()
parser.add_argument('--env', help='environment ID', type=str, default='HalfCheetah-v2')
parser.add_argument('--dir', type=str, default='logs')
parser.add_argument('--thesis', type=str, default='Offline_V0')
args = parser.parse_args()
# dirname = '~/Desktop/carla_sample_efficient/data/bk/bkup_EXP2_FINAL/'+args.extra_dir+args.env
dirname = '~/Desktop/logs/'+args.dir+'/EXP_OFF_24_5M_V0/'+args.env
results = pu.load_results(dirname)
r_copos1_nosil,r_copos2_nosil,r_trpo_nosil,r_ppo_nosil=filt(results,'copos1-'),filt(results,'copos2-'),filt(results,'trpo-'),filt(results,'ppo-')
r_copos1_sil,r_copos2_sil,r_trpo_sil,r_ppo_sil=filt(results,'copos1+sil-'),filt(results,'copos2+sil-'),filt(results,'trpo+sil-'),filt(results,'ppo+sil-')
r_mbl_sil=filt(results,'mbl+','sil-')
# r_mbl_nosil_tmp=[r for r in results if r not in r_mbl_sil]
r_mbl_nosil=filt_or_or_or(results,'mbl+copos1-','mbl+copos2-','mbl+trpo-','mbl+ppo-')
r_copos1_comp, r_copos2_comp, r_trpo_comp, r_ppo_comp=filt_or(results,'mbl+copos1','copos1+sil'),filt_or(results,'mbl+copos2','copos2+sil'),filt_or(results,'mbl+trpo','trpo+sil'),filt_or(results,'mbl+ppo','ppo+sil')
dt={'copos1_nosil':r_copos1_nosil,'copos2_nosil':r_copos2_nosil, 'trpo_nosil':r_trpo_nosil, 'ppo_nosil':r_ppo_nosil,
'copos1_sil':r_copos1_sil,'copos2_sil':r_copos2_sil, 'trpo_sil':r_trpo_sil, 'ppo_sil':r_ppo_sil,
'mbl_nosil':r_mbl_nosil, 'mbl_sil':r_mbl_sil,
'copos1_comp':r_copos1_comp,'copos2_comp':r_copos2_comp, 'trpo_comp':r_trpo_comp, 'ppo_comp':r_ppo_comp}
for name in dt:
pu.plot_results(dt[name],xy_fn=pu.progress_mbl_vbest_xy_fn,average_group=True,name=name,split_fn=lambda _: '',shaded_err=True,shaded_std=False)
plt.xlabel('Number of Timesteps [M]')
plt.ylabel('Best Average Return [-]')
plt.tight_layout()
fig = plt.gcf()
fig.set_size_inches(9, 7.5)
# fig.savefig("/Users/zsbjltwjj/Desktop/carla_sample_efficient/plot_f/OFFLINE/"+args.extra_dir+args.env+'/'+name+'.pdf',format="pdf")
fig.savefig("/Users/zsbjltwjj/Desktop/thesis/img/"+args.thesis+"/"+args.env+'/'+name+'.pdf', format="pdf")
if name=='mbl_nosil' or name=='mbl_sil':
pu.plot_results(dt[name],xy_fn=pu.progress_default_entropy_xy_fn,average_group=True,name=name,split_fn=lambda _: '',shaded_err=True,shaded_std=False,legend_entropy=1)
plt.xlabel('Number of Timesteps [M]')
plt.ylabel('Entropy [-]')
plt.tight_layout()
fig = plt.gcf()
fig.set_size_inches(9, 7.5)
# fig.savefig("/Users/zsbjltwjj/Desktop/carla_sample_efficient/plot_f/OFFLINE/"+args.extra_dir+args.env+'/'+name+'_entropy.pdf',format="pdf")
fig.savefig("/Users/zsbjltwjj/Desktop/thesis/img/"+args.thesis+"/"+args.env+'/'+name+'_entropy.pdf', format="pdf")
if __name__ == '__main__':
main()
| [
"[email protected]"
] | |
0b459f2956f8b32f62c231644e0df079e662cadd | 5a82795c3860745112b7410d9060c5ef671adba0 | /leetcode/Network Delay Time.py | 0ead9c6fd14d36b87d1e6aaa9d1e5ac0d91d18eb | [] | no_license | ashishvista/geeks | 8e09d0f3a422c1c9a1c1b19d879ebafa31b62f44 | 1677a304fc7857a3054b574e8702491f5ce01a04 | refs/heads/master | 2023-03-05T12:01:03.911096 | 2021-02-15T03:00:56 | 2021-02-15T03:00:56 | 336,996,558 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,335 | py | class Graph:
v = None
def __init__(self, V):
self.V = V
self.adj = [[] for i in range(V)]
self.weights = {}
def addEdge(self, u, v, w):
self.adj[u].append(v)
self.weights[str(u) + "-" + str(v)] = w
class Solution:
def networkDelayTime(self, times: List[List[int]], N: int, K: int) -> int:
graph = Graph(N)
dist = [float("+inf") for i in range(N)]
dist[K - 1] = 0
visited = {}
for uv in times:
graph.addEdge(uv[0] - 1, uv[1] - 1, uv[2])
varr = {K - 1: 1}
while varr:
su = self.getLowestCostV(varr, dist)
del varr[su]
visited[su] = 1
for v in graph.adj[su]:
new_dist = dist[su] + graph.weights[str(su) + "-" + str(v)]
if new_dist < dist[v]:
dist[v] = new_dist
if v not in visited:
varr[v] = 1
largest = float("-inf")
if len(visited) != N:
return -1
for d in dist:
largest = max(largest, d)
return largest
def getLowestCostV(self, varr, dist):
sw = float("inf")
sv = None
for v in varr:
if sw > dist[v]:
sw = dist[v]
sv = v
return sv
| [
"[email protected]"
] | |
e04c0bf21ef6ef4a8ce6e6a89f934139e335a5d8 | f098c361ee79bb8b7a8402fcf20b37f17fb36983 | /Back-End/Python/Basics/Part -1 - Functional/04 - First-Class-Functions/send_email_partial.py | f536c40a3c3798957ca6c45af1bfb96feb7036ee | [
"Apache-2.0",
"LicenseRef-scancode-public-domain",
"MIT"
] | permissive | rnsdoodi/Programming-CookBook | 4d619537a6875ffbcb42cbdaf01d80db1feba9b4 | 9bd9c105fdd823aea1c3f391f5018fd1f8f37182 | refs/heads/master | 2023-09-05T22:09:08.282385 | 2021-10-31T11:57:40 | 2021-10-31T11:57:40 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,291 | py | from functools import partial
def sendmail(to, subject, body):
# code to send email
print('To:{0}, Subject:{1}, Body:{2}'.format(to, subject, body))
email_admin = '[email protected]'
email_devteam = '[email protected];[email protected]'
# Now when we want to send emails we would have to write things like:
# Email 1
sendmail(email_admin, 'My App Notification', 'the parrot is dead.')
# Email 2
sendmail(';'.join((email_admin, email_devteam)), 'My App Notification',
'the ministry is closed until further notice.')
# Email 1
# To:[email protected],
# Subject:My App Notification,
# Body:the parrot is dead.
# Email 2
# To:[email protected];[email protected];[email protected],
# Subject:My App Notification,
# Body:the ministry is closed until further notice.
# Partial
# Email 1
send_admin = partial(sendmail, email_admin, 'For you eyes only')
# Email 2
send_dev = partial(sendmail, email_devteam, 'Dear IT:')
# Email 3
send_all = partial(sendmail, ';'.join((email_admin, email_devteam)), 'Loyal Subjects')
send_admin('the parrot is dead.')
send_all('the ministry is closed until further notice.')
def sendmail(to, subject, body, *, cc=None, bcc=email_devteam):
# code to send email
print('To:{0}, Subject:{1}, Body:{2}, CC:{3}, BCC:{4}'.format(to,
subject,
body,
cc,
bcc))
# Email 1
send_admin = partial(sendmail, email_admin, 'General Admin')
# Email 2
send_admin_secret = partial(sendmail, email_admin, 'For your eyes only', cc=None, bcc=None)
send_admin('and now for something completely different')
#To:[email protected],
# Subject:General Admin,
# Body:and now for something completely different,
# CC:None,
# BCC:[email protected];[email protected]
send_admin_secret('the parrot is dead!')
#To:[email protected],
# Subject:For your eyes only,
# Body:the parrot is dead!,
# CC:None,
# BCC:None
send_admin_secret('the parrot is no more!', bcc=email_devteam)
# To:[email protected],
# Subject:For your eyes only,
# Body:the parrot is no more!,
# CC:None,
# BCC:[email protected];[email protected] | [
"[email protected]"
] | |
300682d48f2cb716193d184532e5d3018b6188db | 8e69eee9b474587925e22413717eb82e4b024360 | /v2.5.7/toontown/shtiker/HtmlView.py | 6f65c5d143302ce38dc6ebb01cf2b6f26205dff4 | [
"MIT"
] | permissive | TTOFFLINE-LEAK/ttoffline | afaef613c36dc3b70514ccee7030ba73c3b5045b | bb0e91704a755d34983e94288d50288e46b68380 | refs/heads/master | 2020-06-12T15:41:59.411795 | 2020-04-17T08:22:55 | 2020-04-17T08:22:55 | 194,348,185 | 5 | 4 | null | null | null | null | UTF-8 | Python | false | false | 11,473 | py | import array, sys
from direct.showbase.DirectObject import DirectObject
from direct.task.Task import Task
from direct.directnotify import DirectNotifyGlobal
from panda3d.core import Texture
from panda3d.core import CardMaker
from panda3d.core import NodePath
from panda3d.core import Point3, Vec3, Vec4, VBase4D, Point2
from panda3d.core import PNMImage
from panda3d.core import TextureStage
from panda3d.core import Texture
from panda3d.core import WindowProperties
from direct.interval.IntervalGlobal import *
from panda3d.core import AwWebView
from panda3d.core import AwWebCore
WEB_WIDTH_PIXELS = 784
WEB_HEIGHT_PIXELS = 451
WEB_WIDTH = 1024
WEB_HEIGHT = 512
WEB_HALF_WIDTH = WEB_WIDTH / 2
WIN_WIDTH = 800
WIN_HEIGHT = 600
GlobalWebcore = None
class HtmlView(DirectObject):
notify = DirectNotifyGlobal.directNotify.newCategory('HtmlView')
useHalfTexture = config.GetBool('news-half-texture', 0)
def __init__(self, parent=aspect2d):
global GlobalWebcore
self.parent = parent
self.mx = 0
self.my = 0
self.htmlFile = 'index.html'
self.transparency = False
if GlobalWebcore:
pass
else:
GlobalWebcore = AwWebCore(AwWebCore.LOGVERBOSE, True, AwWebCore.PFBGRA)
GlobalWebcore.setBaseDirectory('.')
for errResponse in xrange(400, 600):
GlobalWebcore.setCustomResponsePage(errResponse, 'error.html')
self.webView = GlobalWebcore.createWebView(WEB_WIDTH, WEB_HEIGHT, self.transparency, False, 70)
frameName = ''
inGameNewsUrl = self.getInGameNewsUrl()
self.imgBuffer = array.array('B')
for i in xrange(WEB_WIDTH * WEB_HEIGHT):
self.imgBuffer.append(0)
self.imgBuffer.append(0)
self.imgBuffer.append(0)
self.imgBuffer.append(255)
if self.useHalfTexture:
self.leftBuffer = array.array('B')
for i in xrange(WEB_HALF_WIDTH * WEB_HEIGHT):
self.leftBuffer.append(0)
self.leftBuffer.append(0)
self.leftBuffer.append(0)
self.leftBuffer.append(255)
self.rightBuffer = array.array('B')
for i in xrange(WEB_HALF_WIDTH * WEB_HEIGHT):
self.rightBuffer.append(0)
self.rightBuffer.append(0)
self.rightBuffer.append(0)
self.rightBuffer.append(255)
self.setupTexture()
if self.useHalfTexture:
self.setupHalfTextures()
self.accept('mouse1', self.mouseDown, [AwWebView.LEFTMOUSEBTN])
self.accept('mouse3', self.mouseDown, [AwWebView.RIGHTMOUSEBTN])
self.accept('mouse1-up', self.mouseUp, [AwWebView.LEFTMOUSEBTN])
self.accept('mouse3-up', self.mouseUp, [AwWebView.RIGHTMOUSEBTN])
def getInGameNewsUrl(self):
result = config.GetString('fallback-news-url', 'http://cdn.toontown.disney.go.com/toontown/en/gamenews/')
override = config.GetString('in-game-news-url', '')
if override:
self.notify.info('got an override url, using %s for in a game news' % override)
result = override
else:
try:
launcherUrl = base.launcher.getValue('GAME_IN_GAME_NEWS_URL', '')
if launcherUrl:
result = launcherUrl
self.notify.info('got GAME_IN_GAME_NEWS_URL from launcher using %s' % result)
else:
self.notify.info('blank GAME_IN_GAME_NEWS_URL from launcher, using %s' % result)
except:
self.notify.warning('got exception getting GAME_IN_GAME_NEWS_URL from launcher, using %s' % result)
return result
def setupTexture(self):
cm = CardMaker('quadMaker')
cm.setColor(1.0, 1.0, 1.0, 1.0)
aspect = base.camLens.getAspectRatio()
htmlWidth = 2.0 * aspect * WEB_WIDTH_PIXELS / float(WIN_WIDTH)
htmlHeight = 2.0 * float(WEB_HEIGHT_PIXELS) / float(WIN_HEIGHT)
cm.setFrame(-htmlWidth / 2.0, htmlWidth / 2.0, -htmlHeight / 2.0, htmlHeight / 2.0)
bottomRightX = WEB_WIDTH_PIXELS / float(WEB_WIDTH + 1)
bottomRightY = WEB_HEIGHT_PIXELS / float(WEB_HEIGHT + 1)
cm.setUvRange(Point2(0, 1 - bottomRightY), Point2(bottomRightX, 1))
card = cm.generate()
self.quad = NodePath(card)
self.quad.reparentTo(self.parent)
self.guiTex = Texture('guiTex')
self.guiTex.setupTexture(Texture.TT2dTexture, WEB_WIDTH, WEB_HEIGHT, 1, Texture.TUnsignedByte, Texture.FRgba)
self.guiTex.setMinfilter(Texture.FTLinear)
self.guiTex.setKeepRamImage(True)
self.guiTex.makeRamImage()
self.guiTex.setWrapU(Texture.WMRepeat)
self.guiTex.setWrapV(Texture.WMRepeat)
ts = TextureStage('webTS')
self.quad.setTexture(ts, self.guiTex)
self.quad.setTexScale(ts, 1.0, -1.0)
self.quad.setTransparency(0)
self.quad.setTwoSided(True)
self.quad.setColor(1.0, 1.0, 1.0, 1.0)
self.calcMouseLimits()
def setupHalfTextures(self):
self.setupLeftTexture()
self.setupRightTexture()
self.fullPnmImage = PNMImage(WEB_WIDTH, WEB_HEIGHT, 4)
self.leftPnmImage = PNMImage(WEB_HALF_WIDTH, WEB_HEIGHT, 4)
self.rightPnmImage = PNMImage(WEB_HALF_WIDTH, WEB_HEIGHT, 4)
def setupLeftTexture(self):
cm = CardMaker('quadMaker')
cm.setColor(1.0, 1.0, 1.0, 1.0)
aspect = base.camLens.getAspectRatio()
htmlWidth = 2.0 * aspect * WEB_WIDTH / float(WIN_WIDTH)
htmlHeight = 2.0 * float(WEB_HEIGHT) / float(WIN_HEIGHT)
cm.setFrame(-htmlWidth / 2.0, 0, -htmlHeight / 2.0, htmlHeight / 2.0)
card = cm.generate()
self.leftQuad = NodePath(card)
self.leftQuad.reparentTo(self.parent)
self.leftGuiTex = Texture('guiTex')
self.leftGuiTex.setupTexture(Texture.TT2dTexture, WEB_HALF_WIDTH, WEB_HEIGHT, 1, Texture.TUnsignedByte, Texture.FRgba)
self.leftGuiTex.setKeepRamImage(True)
self.leftGuiTex.makeRamImage()
self.leftGuiTex.setWrapU(Texture.WMClamp)
self.leftGuiTex.setWrapV(Texture.WMClamp)
ts = TextureStage('leftWebTS')
self.leftQuad.setTexture(ts, self.leftGuiTex)
self.leftQuad.setTexScale(ts, 1.0, -1.0)
self.leftQuad.setTransparency(0)
self.leftQuad.setTwoSided(True)
self.leftQuad.setColor(1.0, 1.0, 1.0, 1.0)
def setupRightTexture(self):
cm = CardMaker('quadMaker')
cm.setColor(1.0, 1.0, 1.0, 1.0)
aspect = base.camLens.getAspectRatio()
htmlWidth = 2.0 * aspect * WEB_WIDTH / float(WIN_WIDTH)
htmlHeight = 2.0 * float(WEB_HEIGHT) / float(WIN_HEIGHT)
cm.setFrame(0, htmlWidth / 2.0, -htmlHeight / 2.0, htmlHeight / 2.0)
card = cm.generate()
self.rightQuad = NodePath(card)
self.rightQuad.reparentTo(self.parent)
self.rightGuiTex = Texture('guiTex')
self.rightGuiTex.setupTexture(Texture.TT2dTexture, WEB_HALF_WIDTH, WEB_HEIGHT, 1, Texture.TUnsignedByte, Texture.FRgba)
self.rightGuiTex.setKeepRamImage(True)
self.rightGuiTex.makeRamImage()
self.rightGuiTex.setWrapU(Texture.WMClamp)
self.rightGuiTex.setWrapV(Texture.WMClamp)
ts = TextureStage('rightWebTS')
self.rightQuad.setTexture(ts, self.rightGuiTex)
self.rightQuad.setTexScale(ts, 1.0, -1.0)
self.rightQuad.setTransparency(0)
self.rightQuad.setTwoSided(True)
self.rightQuad.setColor(1.0, 1.0, 1.0, 1.0)
def calcMouseLimits(self):
ll = Point3()
ur = Point3()
self.quad.calcTightBounds(ll, ur)
self.notify.debug('ll=%s ur=%s' % (ll, ur))
offset = self.quad.getPos(aspect2d)
self.notify.debug('offset = %s ' % offset)
ll.setZ(ll.getZ() + offset.getZ())
ur.setZ(ur.getZ() + offset.getZ())
self.notify.debug('new LL=%s, UR=%s' % (ll, ur))
relPointll = self.quad.getRelativePoint(aspect2d, ll)
self.notify.debug('relPoint = %s' % relPointll)
self.mouseLL = (aspect2d.getScale()[0] * ll[0], aspect2d.getScale()[2] * ll[2])
self.mouseUR = (aspect2d.getScale()[0] * ur[0], aspect2d.getScale()[2] * ur[2])
self.notify.debug('original mouseLL=%s, mouseUR=%s' % (self.mouseLL, self.mouseUR))
def writeTex(self, filename='guiText.png'):
self.notify.debug('writing texture')
self.guiTex.generateRamMipmapImages()
self.guiTex.write(filename)
def toggleRotation(self):
if self.interval.isPlaying():
self.interval.finish()
else:
self.interval.loop()
def mouseDown(self, button):
messenger.send('wakeup')
self.webView.injectMouseDown(button)
def mouseUp(self, button):
self.webView.injectMouseUp(button)
def reload(self):
pass
def zoomIn(self):
self.webView.zoomIn()
def zoomOut(self):
self.webView.zoomOut()
def toggleTransparency(self):
self.transparency = not self.transparency
self.webView.setTransparent(self.transparency)
def update(self, task):
if base.mouseWatcherNode.hasMouse():
x, y = self._translateRelativeCoordinates(base.mouseWatcherNode.getMouseX(), base.mouseWatcherNode.getMouseY())
if self.mx - x != 0 or self.my - y != 0:
self.webView.injectMouseMove(x, y)
self.mx, self.my = x, y
if self.webView.isDirty():
self.webView.render(self.imgBuffer.buffer_info()[0], WEB_WIDTH * 4, 4)
Texture.setTexturesPower2(2)
textureBuffer = self.guiTex.modifyRamImage()
textureBuffer.setData(self.imgBuffer.tostring())
if self.useHalfTexture:
self.guiTex.store(self.fullPnmImage)
self.leftPnmImage.copySubImage(self.fullPnmImage, 0, 0, 0, 0, WEB_HALF_WIDTH, WEB_HEIGHT)
self.rightPnmImage.copySubImage(self.fullPnmImage, 0, 0, WEB_HALF_WIDTH, 0, WEB_HALF_WIDTH, WEB_HEIGHT)
self.leftGuiTex.load(self.leftPnmImage)
self.rightGuiTex.load(self.rightPnmImage)
self.quad.hide()
Texture.setTexturesPower2(1)
GlobalWebcore.update()
return Task.cont
def _translateRelativeCoordinates(self, x, y):
sx = int((x - self.mouseLL[0]) / (self.mouseUR[0] - self.mouseLL[0]) * WEB_WIDTH_PIXELS)
sy = WEB_HEIGHT_PIXELS - int((y - self.mouseLL[1]) / (self.mouseUR[1] - self.mouseLL[1]) * WEB_HEIGHT_PIXELS)
return (
sx, sy)
def unload(self):
self.ignoreAll()
self.webView.destroy()
self.webView = None
return
def onCallback(self, name, args):
if name == 'requestFPS':
pass
def onBeginNavigation(self, url, frameName):
pass
def onBeginLoading(self, url, frameName, statusCode, mimeType):
pass
def onFinishLoading(self):
self.notify.debug('finished loading')
def onReceiveTitle(self, title, frameName):
pass
def onChangeTooltip(self, tooltip):
pass
def onChangeCursor(self, cursor):
pass
def onChangeKeyboardFocus(self, isFocused):
pass
def onChangeTargetURL(self, url):
pass | [
"[email protected]"
] | |
8864c5625cee7be5cd7ac66b57768f555f562984 | fb7efe44f4d9f30d623f880d0eb620f3a81f0fbd | /chrome/browser/resources/PRESUBMIT.py | e7a3e430986f0a2d2062a15497b6b5e3e4784501 | [
"BSD-3-Clause"
] | permissive | wzyy2/chromium-browser | 2644b0daf58f8b3caee8a6c09a2b448b2dfe059c | eb905f00a0f7e141e8d6c89be8fb26192a88c4b7 | refs/heads/master | 2022-11-23T20:25:08.120045 | 2018-01-16T06:41:26 | 2018-01-16T06:41:26 | 117,618,467 | 3 | 2 | BSD-3-Clause | 2022-11-20T22:03:57 | 2018-01-16T02:09:10 | null | UTF-8 | Python | false | false | 5,423 | py | # Copyright 2014 The Chromium Authors. All rights reserved.
# Use of this source code is governed by a BSD-style license that can be
# found in the LICENSE file.
"""Presubmit script for files in chrome/browser/resources.
See http://dev.chromium.org/developers/how-tos/depottools/presubmit-scripts
for more details about the presubmit API built into depot_tools.
"""
import re
ACTION_XML_PATH = '../../../tools/metrics/actions/actions.xml'
def CheckUserActionUpdate(input_api, output_api, action_xml_path):
"""Checks if any new user action has been added."""
if any('actions.xml' == input_api.os_path.basename(f) for f in
input_api.change.LocalPaths()):
# If actions.xml is already included in the changelist, the PRESUBMIT
# for actions.xml will do a more complete presubmit check.
return []
file_filter = lambda f: f.LocalPath().endswith('.html')
action_re = r'(^|\s+)metric\s*=\s*"([^ ]*)"'
current_actions = None
for f in input_api.AffectedFiles(file_filter=file_filter):
for line_num, line in f.ChangedContents():
match = input_api.re.search(action_re, line)
if match:
# Loads contents in tools/metrics/actions/actions.xml to memory. It's
# loaded only once.
if not current_actions:
with open(action_xml_path) as actions_f:
current_actions = actions_f.read()
metric_name = match.group(2)
is_boolean = IsBoolean(f.NewContents(), metric_name, input_api)
# Search for the matched user action name in |current_actions|.
if not IsActionPresent(current_actions, metric_name, is_boolean):
return [output_api.PresubmitPromptWarning(
'File %s line %d: %s is missing in '
'tools/metrics/actions/actions.xml. Please run '
'tools/metrics/actions/extract_actions.py to update.'
% (f.LocalPath(), line_num, metric_name), [])]
return []
def IsActionPresent(current_actions, metric_name, is_boolean):
"""Checks if metric_name is defined in the actions file.
Checks whether there's matching entries in an actions.xml file for the given
|metric_name|, depending on whether it is a boolean action.
Args:
current_actions: The content of the actions.xml file.
metric_name: The name for which the check should be done.
is_boolean: Whether the action comes from a boolean control.
"""
if not is_boolean:
action = 'name="{0}"'.format(metric_name)
return action in current_actions
action_disabled = 'name="{0}_Disable"'.format(metric_name)
action_enabled = 'name="{0}_Enable"'.format(metric_name)
return (action_disabled in current_actions and
action_enabled in current_actions)
def IsBoolean(new_content_lines, metric_name, input_api):
"""Check whether action defined in the changed code is boolean or not.
Checks whether the action comes from boolean control based on the HTML
elements attributes.
Args:
new_content_lines: List of changed lines.
metric_name: The name for which the check should be done.
"""
new_content = '\n'.join(new_content_lines)
html_element_re = r'<(.*?)(^|\s+)metric\s*=\s*"%s"(.*?)>' % (metric_name)
type_re = (r'datatype\s*=\s*"boolean"|type\s*=\s*"checkbox"|'
'type\s*=\s*"radio".*?value\s*=\s*("true"|"false")')
match = input_api.re.search(html_element_re, new_content, input_api.re.DOTALL)
return (match and
any(input_api.re.search(type_re, match.group(i)) for i in (1, 3)))
def CheckHtml(input_api, output_api):
return input_api.canned_checks.CheckLongLines(
input_api, output_api, 80, lambda x: x.LocalPath().endswith('.html'))
def RunOptimizeWebUiTests(input_api, output_api):
presubmit_path = input_api.PresubmitLocalPath()
tests = [input_api.os_path.join(presubmit_path, 'optimize_webui_test.py')]
return input_api.canned_checks.RunUnitTests(input_api, output_api, tests)
def _CheckWebDevStyle(input_api, output_api):
results = []
try:
import sys
old_sys_path = sys.path[:]
cwd = input_api.PresubmitLocalPath()
sys.path += [input_api.os_path.join(cwd, '..', '..', '..', 'tools')]
import web_dev_style.presubmit_support
results += web_dev_style.presubmit_support.CheckStyle(input_api, output_api)
finally:
sys.path = old_sys_path
return results
def _CheckChangeOnUploadOrCommit(input_api, output_api):
results = CheckUserActionUpdate(input_api, output_api, ACTION_XML_PATH)
affected = input_api.AffectedFiles()
if any(f for f in affected if f.LocalPath().endswith('.html')):
results += CheckHtml(input_api, output_api)
if any(f for f in affected if f.LocalPath().endswith('optimize_webui.py')):
results += RunOptimizeWebUiTests(input_api, output_api)
results += _CheckWebDevStyle(input_api, output_api)
results += input_api.canned_checks.CheckPatchFormatted(input_api, output_api,
check_js=True)
return results
def CheckChangeOnUpload(input_api, output_api):
return _CheckChangeOnUploadOrCommit(input_api, output_api)
def CheckChangeOnCommit(input_api, output_api):
return _CheckChangeOnUploadOrCommit(input_api, output_api)
def PostUploadHook(cl, change, output_api):
return output_api.EnsureCQIncludeTrybotsAreAdded(
cl,
[
'master.tryserver.chromium.linux:closure_compilation',
],
'Automatically added optional Closure bots to run on CQ.')
| [
"[email protected]"
] | |
7b0d198edd0ab71fba7c49944e970931a0dbc404 | 85a9ffeccb64f6159adbd164ff98edf4ac315e33 | /pysnmp/F5-BIGIP-APM-MIB.py | f32fb6c2ec66d59f08f2b797478be0cf5a1eb2d9 | [
"Apache-2.0"
] | permissive | agustinhenze/mibs.snmplabs.com | 5d7d5d4da84424c5f5a1ed2752f5043ae00019fb | 1fc5c07860542b89212f4c8ab807057d9a9206c7 | refs/heads/master | 2020-12-26T12:41:41.132395 | 2019-08-16T15:51:41 | 2019-08-16T15:53:57 | 237,512,469 | 0 | 0 | Apache-2.0 | 2020-01-31T20:41:36 | 2020-01-31T20:41:35 | null | UTF-8 | Python | false | false | 117,788 | py | #
# PySNMP MIB module F5-BIGIP-APM-MIB (http://snmplabs.com/pysmi)
# ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/F5-BIGIP-APM-MIB
# Produced by pysmi-0.3.4 at Mon Apr 29 18:57:38 2019
# On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4
# Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15)
#
OctetString, ObjectIdentifier, Integer = mibBuilder.importSymbols("ASN1", "OctetString", "ObjectIdentifier", "Integer")
NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
ConstraintsIntersection, ConstraintsUnion, ValueSizeConstraint, SingleValueConstraint, ValueRangeConstraint = mibBuilder.importSymbols("ASN1-REFINEMENT", "ConstraintsIntersection", "ConstraintsUnion", "ValueSizeConstraint", "SingleValueConstraint", "ValueRangeConstraint")
bigipCompliances, LongDisplayString, bigipGroups, bigipTrafficMgmt = mibBuilder.importSymbols("F5-BIGIP-COMMON-MIB", "bigipCompliances", "LongDisplayString", "bigipGroups", "bigipTrafficMgmt")
InetAddressType, InetAddress, InetPortNumber = mibBuilder.importSymbols("INET-ADDRESS-MIB", "InetAddressType", "InetAddress", "InetPortNumber")
ModuleCompliance, NotificationGroup, ObjectGroup = mibBuilder.importSymbols("SNMPv2-CONF", "ModuleCompliance", "NotificationGroup", "ObjectGroup")
NotificationType, Counter32, MibScalar, MibTable, MibTableRow, MibTableColumn, enterprises, Opaque, Bits, ObjectIdentity, Unsigned32, TimeTicks, IpAddress, MibIdentifier, Integer32, iso, ModuleIdentity, Counter64, Gauge32 = mibBuilder.importSymbols("SNMPv2-SMI", "NotificationType", "Counter32", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "enterprises", "Opaque", "Bits", "ObjectIdentity", "Unsigned32", "TimeTicks", "IpAddress", "MibIdentifier", "Integer32", "iso", "ModuleIdentity", "Counter64", "Gauge32")
MacAddress, TextualConvention, DisplayString = mibBuilder.importSymbols("SNMPv2-TC", "MacAddress", "TextualConvention", "DisplayString")
bigipApm = ModuleIdentity((1, 3, 6, 1, 4, 1, 3375, 2, 6))
if mibBuilder.loadTexts: bigipApm.setLastUpdated('201507231521Z')
if mibBuilder.loadTexts: bigipApm.setOrganization('F5 Networks, Inc.')
apmProfiles = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1))
apmProfileAccessStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1))
apmProfileConnectivityStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2))
apmProfileRewriteStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3))
apmAccessStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4))
apmGlobalConnectivityStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5))
apmGlobalRewriteStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6))
apmProfileAccessAgentStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7))
apmProfileAccessMiscStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8))
apmLeasepool = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2))
apmLeasepoolStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1))
apmAcl = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3))
apmAclStat = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1))
apmPaStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmPaStatResetStats.setStatus('current')
apmPaStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatNumber.setStatus('current')
apmPaStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3), )
if mibBuilder.loadTexts: apmPaStatTable.setStatus('current')
apmPaStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmPaStatName"), (0, "F5-BIGIP-APM-MIB", "apmPaStatVsName"))
if mibBuilder.loadTexts: apmPaStatEntry.setStatus('current')
apmPaStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatName.setStatus('current')
apmPaStatConfigSyncState = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatConfigSyncState.setStatus('deprecated')
apmPaStatTotalSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatTotalSessions.setStatus('current')
apmPaStatTotalEstablishedStateSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatTotalEstablishedStateSessions.setStatus('current')
apmPaStatCurrentActiveSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatCurrentActiveSessions.setStatus('current')
apmPaStatCurrentPendingSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatCurrentPendingSessions.setStatus('current')
apmPaStatCurrentCompletedSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatCurrentCompletedSessions.setStatus('current')
apmPaStatUserLoggedoutSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatUserLoggedoutSessions.setStatus('current')
apmPaStatAdminTerminatedSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdminTerminatedSessions.setStatus('current')
apmPaStatMiscTerminatedSessions = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 10), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMiscTerminatedSessions.setStatus('current')
apmPaStatAccessPolicyResultAllow = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAccessPolicyResultAllow.setStatus('current')
apmPaStatAccessPolicyResultDeny = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 12), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAccessPolicyResultDeny.setStatus('current')
apmPaStatAccessPolicyResultRedirect = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAccessPolicyResultRedirect.setStatus('current')
apmPaStatAccessPolicyResultRedirectWithSession = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 14), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAccessPolicyResultRedirectWithSession.setStatus('current')
apmPaStatEndingDenyAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 15), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalInstances.setStatus('deprecated')
apmPaStatEndingDenyAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 16), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalUsages.setStatus('deprecated')
apmPaStatEndingDenyAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 17), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEndingDenyAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 18), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalFailures.setStatus('deprecated')
apmPaStatEndingDenyAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 19), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalErrors.setStatus('deprecated')
apmPaStatEndingDenyAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 20), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingDenyAgentTotalSessVars.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 21), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalInstances.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 22), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalUsages.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 23), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 24), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalFailures.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 25), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalErrors.setStatus('deprecated')
apmPaStatEndingRedirectAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 26), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingRedirectAgentTotalSessVars.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 27), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalInstances.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 28), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalUsages.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 29), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 30), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalFailures.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 31), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalErrors.setStatus('deprecated')
apmPaStatEndingAllowAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 32), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEndingAllowAgentTotalSessVars.setStatus('deprecated')
apmPaStatAdAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 33), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalInstances.setStatus('deprecated')
apmPaStatAdAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 34), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalUsages.setStatus('deprecated')
apmPaStatAdAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 35), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalSuccesses.setStatus('deprecated')
apmPaStatAdAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 36), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalFailures.setStatus('deprecated')
apmPaStatAdAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 37), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalErrors.setStatus('deprecated')
apmPaStatAdAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 38), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAdAgentTotalSessVars.setStatus('deprecated')
apmPaStatClientCertAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 39), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalInstances.setStatus('deprecated')
apmPaStatClientCertAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 40), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalUsages.setStatus('deprecated')
apmPaStatClientCertAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 41), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalSuccesses.setStatus('deprecated')
apmPaStatClientCertAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 42), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalFailures.setStatus('deprecated')
apmPaStatClientCertAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 43), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalErrors.setStatus('deprecated')
apmPaStatClientCertAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 44), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatClientCertAgentTotalSessVars.setStatus('deprecated')
apmPaStatHttpAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 45), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalInstances.setStatus('deprecated')
apmPaStatHttpAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 46), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalUsages.setStatus('deprecated')
apmPaStatHttpAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 47), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalSuccesses.setStatus('deprecated')
apmPaStatHttpAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 48), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalFailures.setStatus('deprecated')
apmPaStatHttpAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 49), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalErrors.setStatus('deprecated')
apmPaStatHttpAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 50), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatHttpAgentTotalSessVars.setStatus('deprecated')
apmPaStatLdapAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 51), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalInstances.setStatus('deprecated')
apmPaStatLdapAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 52), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalUsages.setStatus('deprecated')
apmPaStatLdapAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 53), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalSuccesses.setStatus('deprecated')
apmPaStatLdapAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 54), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalFailures.setStatus('deprecated')
apmPaStatLdapAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 55), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalErrors.setStatus('deprecated')
apmPaStatLdapAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 56), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLdapAgentTotalSessVars.setStatus('deprecated')
apmPaStatRadiusAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 57), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalInstances.setStatus('deprecated')
apmPaStatRadiusAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 58), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalUsages.setStatus('deprecated')
apmPaStatRadiusAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 59), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalSuccesses.setStatus('deprecated')
apmPaStatRadiusAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 60), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalFailures.setStatus('deprecated')
apmPaStatRadiusAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 61), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalErrors.setStatus('deprecated')
apmPaStatRadiusAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 62), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAgentTotalSessVars.setStatus('deprecated')
apmPaStatSecuridAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 63), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalInstances.setStatus('deprecated')
apmPaStatSecuridAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 64), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalUsages.setStatus('deprecated')
apmPaStatSecuridAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 65), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalSuccesses.setStatus('deprecated')
apmPaStatSecuridAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 66), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalFailures.setStatus('deprecated')
apmPaStatSecuridAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 67), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalErrors.setStatus('deprecated')
apmPaStatSecuridAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 68), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatSecuridAgentTotalSessVars.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 69), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalInstances.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 70), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalUsages.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 71), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalSuccesses.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 72), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalFailures.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 73), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalErrors.setStatus('deprecated')
apmPaStatRadiusAcctAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 74), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRadiusAcctAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 75), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 76), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 77), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 78), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 79), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsLinuxFcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 80), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxFcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 81), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 82), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 83), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 84), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 85), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsLinuxPcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 86), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsLinuxPcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 87), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 88), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 89), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 90), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 91), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsMacFcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 92), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacFcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 93), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 94), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 95), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 96), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 97), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsMacPcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 98), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsMacPcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 99), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 100), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 101), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 102), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 103), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinCcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 104), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinCcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsAvAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 105), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsAvAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 106), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsAvAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 107), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsAvAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 108), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsAvAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 109), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsAvAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 110), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsAvAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 111), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 112), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 113), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 114), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 115), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinOsInfoAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 116), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinOsInfoAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 117), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 118), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 119), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 120), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 121), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinFcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 122), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinFcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 123), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 124), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 125), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 126), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 127), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinMcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 128), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinMcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 129), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 130), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 131), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 132), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 133), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsFwcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 134), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsFwcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinPcTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 135), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalInstances.setStatus('deprecated')
apmPaStatEpsWinPcTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 136), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalUsages.setStatus('deprecated')
apmPaStatEpsWinPcTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 137), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinPcTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 138), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalFailures.setStatus('deprecated')
apmPaStatEpsWinPcTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 139), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalErrors.setStatus('deprecated')
apmPaStatEpsWinPcTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 140), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPcTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinPwTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 141), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalInstances.setStatus('deprecated')
apmPaStatEpsWinPwTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 142), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalUsages.setStatus('deprecated')
apmPaStatEpsWinPwTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 143), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinPwTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 144), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalFailures.setStatus('deprecated')
apmPaStatEpsWinPwTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 145), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalErrors.setStatus('deprecated')
apmPaStatEpsWinPwTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 146), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinPwTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 147), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 148), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 149), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 150), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 151), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinRcAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 152), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinRcAgentTotalSessVars.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 153), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalInstances.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 154), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalUsages.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 155), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalSuccesses.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 156), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalFailures.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 157), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalErrors.setStatus('deprecated')
apmPaStatEpsWinGpAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 158), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatEpsWinGpAgentTotalSessVars.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 159), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalInstances.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 160), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalUsages.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 161), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalSuccesses.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 162), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalFailures.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 163), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalErrors.setStatus('deprecated')
apmPaStatExternalLogonAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 164), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatExternalLogonAgentTotalSessVars.setStatus('deprecated')
apmPaStatLogonAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 165), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalInstances.setStatus('deprecated')
apmPaStatLogonAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 166), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalUsages.setStatus('deprecated')
apmPaStatLogonAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 167), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalSuccesses.setStatus('deprecated')
apmPaStatLogonAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 168), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalFailures.setStatus('deprecated')
apmPaStatLogonAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 169), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalErrors.setStatus('deprecated')
apmPaStatLogonAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 170), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLogonAgentTotalSessVars.setStatus('deprecated')
apmPaStatRaAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 171), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalInstances.setStatus('deprecated')
apmPaStatRaAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 172), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalUsages.setStatus('deprecated')
apmPaStatRaAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 173), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalSuccesses.setStatus('deprecated')
apmPaStatRaAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 174), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalFailures.setStatus('deprecated')
apmPaStatRaAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 175), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalErrors.setStatus('deprecated')
apmPaStatRaAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 176), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRaAgentTotalSessVars.setStatus('deprecated')
apmPaStatRdsAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 177), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalInstances.setStatus('deprecated')
apmPaStatRdsAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 178), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalUsages.setStatus('deprecated')
apmPaStatRdsAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 179), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalSuccesses.setStatus('deprecated')
apmPaStatRdsAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 180), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalFailures.setStatus('deprecated')
apmPaStatRdsAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 181), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalErrors.setStatus('deprecated')
apmPaStatRdsAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 182), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatRdsAgentTotalSessVars.setStatus('deprecated')
apmPaStatVaAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 183), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalInstances.setStatus('deprecated')
apmPaStatVaAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 184), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalUsages.setStatus('deprecated')
apmPaStatVaAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 185), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalSuccesses.setStatus('deprecated')
apmPaStatVaAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 186), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalFailures.setStatus('deprecated')
apmPaStatVaAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 187), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalErrors.setStatus('deprecated')
apmPaStatVaAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 188), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVaAgentTotalSessVars.setStatus('deprecated')
apmPaStatIeAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 189), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalInstances.setStatus('deprecated')
apmPaStatIeAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 190), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalUsages.setStatus('deprecated')
apmPaStatIeAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 191), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalSuccesses.setStatus('deprecated')
apmPaStatIeAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 192), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalFailures.setStatus('deprecated')
apmPaStatIeAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 193), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalErrors.setStatus('deprecated')
apmPaStatIeAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 194), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatIeAgentTotalSessVars.setStatus('deprecated')
apmPaStatLoggingAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 195), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalInstances.setStatus('deprecated')
apmPaStatLoggingAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 196), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalUsages.setStatus('deprecated')
apmPaStatLoggingAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 197), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalSuccesses.setStatus('deprecated')
apmPaStatLoggingAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 198), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalFailures.setStatus('deprecated')
apmPaStatLoggingAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 199), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalErrors.setStatus('deprecated')
apmPaStatLoggingAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 200), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatLoggingAgentTotalSessVars.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 201), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalInstances.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 202), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalUsages.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 203), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalSuccesses.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 204), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalFailures.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 205), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalErrors.setStatus('deprecated')
apmPaStatDecnBoxAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 206), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDecnBoxAgentTotalSessVars.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 207), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalInstances.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 208), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalUsages.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 209), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalSuccesses.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 210), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalFailures.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 211), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalErrors.setStatus('deprecated')
apmPaStatMesgBoxAgentTotalSessVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 212), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatMesgBoxAgentTotalSessVars.setStatus('deprecated')
apmPaStatApdNoResultErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 213), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdNoResultErrors.setStatus('deprecated')
apmPaStatApdNoSessionErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 214), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdNoSessionErrors.setStatus('deprecated')
apmPaStatApdNoDeviceInfoErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 215), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdNoDeviceInfoErrors.setStatus('deprecated')
apmPaStatApdNoTokenErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 216), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdNoTokenErrors.setStatus('deprecated')
apmPaStatApdNoSigErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 217), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdNoSigErrors.setStatus('deprecated')
apmPaStatApdTotalMismatchErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 218), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdTotalMismatchErrors.setStatus('deprecated')
apmPaStatApdInvalidSigErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 219), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdInvalidSigErrors.setStatus('deprecated')
apmPaStatApdMcPipelineInitErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 220), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdMcPipelineInitErrors.setStatus('deprecated')
apmPaStatApdMcSetSessVarErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 221), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdMcSetSessVarErrors.setStatus('deprecated')
apmPaStatApdMcPipelineCloseErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 222), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdMcPipelineCloseErrors.setStatus('deprecated')
apmPaStatApdApResultErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 223), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdApResultErrors.setStatus('deprecated')
apmPaStatApdApInternalErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 224), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatApdApInternalErrors.setStatus('deprecated')
apmPaStatAllowedRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 225), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatAllowedRequests.setStatus('current')
apmPaStatDeniedRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 226), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatDeniedRequests.setStatus('current')
apmPaStatVsName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 1, 3, 1, 227), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPaStatVsName.setStatus('current')
apmPcStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmPcStatResetStats.setStatus('current')
apmPcStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatNumber.setStatus('current')
apmPcStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3), )
if mibBuilder.loadTexts: apmPcStatTable.setStatus('current')
apmPcStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmPcStatName"))
if mibBuilder.loadTexts: apmPcStatEntry.setStatus('current')
apmPcStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatName.setStatus('current')
apmPcStatTotConns = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatTotConns.setStatus('current')
apmPcStatCurConns = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatCurConns.setStatus('current')
apmPcStatMaxConns = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatMaxConns.setStatus('current')
apmPcStatIngressRaw = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatIngressRaw.setStatus('current')
apmPcStatEgressRaw = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatEgressRaw.setStatus('current')
apmPcStatIngressCompressed = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatIngressCompressed.setStatus('current')
apmPcStatEgressCompressed = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 2, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPcStatEgressCompressed.setStatus('current')
apmPrStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmPrStatResetStats.setStatus('current')
apmPrStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatNumber.setStatus('current')
apmPrStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3), )
if mibBuilder.loadTexts: apmPrStatTable.setStatus('current')
apmPrStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmPrStatName"))
if mibBuilder.loadTexts: apmPrStatEntry.setStatus('current')
apmPrStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatName.setStatus('current')
apmPrStatClientReqBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatClientReqBytes.setStatus('current')
apmPrStatClientRespBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatClientRespBytes.setStatus('current')
apmPrStatServerReqBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatServerReqBytes.setStatus('current')
apmPrStatServerRespBytes = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatServerRespBytes.setStatus('current')
apmPrStatClientReqs = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatClientReqs.setStatus('current')
apmPrStatClientResps = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatClientResps.setStatus('current')
apmPrStatServerReqs = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatServerReqs.setStatus('current')
apmPrStatServerResps = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 3, 3, 1, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPrStatServerResps.setStatus('current')
apmPgStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmPgStatResetStats.setStatus('current')
apmPgStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatNumber.setStatus('current')
apmPgStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3), )
if mibBuilder.loadTexts: apmPgStatTable.setStatus('current')
apmPgStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmPgStatName"), (0, "F5-BIGIP-APM-MIB", "apmPgStatAgentName"))
if mibBuilder.loadTexts: apmPgStatEntry.setStatus('current')
apmPgStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatName.setStatus('current')
apmPgStatAgentName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 2), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatAgentName.setStatus('current')
apmPgStatInstances = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatInstances.setStatus('current')
apmPgStatUsages = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatUsages.setStatus('current')
apmPgStatSuccesses = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatSuccesses.setStatus('current')
apmPgStatFailures = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatFailures.setStatus('current')
apmPgStatErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatErrors.setStatus('current')
apmPgStatSessionVars = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 7, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPgStatSessionVars.setStatus('current')
apmPmStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmPmStatResetStats.setStatus('current')
apmPmStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatNumber.setStatus('current')
apmPmStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3), )
if mibBuilder.loadTexts: apmPmStatTable.setStatus('current')
apmPmStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmPmStatName"))
if mibBuilder.loadTexts: apmPmStatEntry.setStatus('current')
apmPmStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatName.setStatus('current')
apmPmStatConfigSyncState = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatConfigSyncState.setStatus('current')
apmPmStatInspResultError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspResultError.setStatus('current')
apmPmStatInspSessionError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspSessionError.setStatus('current')
apmPmStatInspDeviceInfoError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspDeviceInfoError.setStatus('current')
apmPmStatInspTokenError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspTokenError.setStatus('current')
apmPmStatInspSignatureError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspSignatureError.setStatus('current')
apmPmStatInspDataMsmtchError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspDataMsmtchError.setStatus('current')
apmPmStatInspClientSignError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInspClientSignError.setStatus('current')
apmPmStatMemInitError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 10), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatMemInitError.setStatus('current')
apmPmStatMemSessionVarError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatMemSessionVarError.setStatus('current')
apmPmStatMemCloseError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 12), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatMemCloseError.setStatus('current')
apmPmStatResultError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 13), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatResultError.setStatus('current')
apmPmStatInternalError = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 8, 3, 1, 14), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmPmStatInternalError.setStatus('current')
apmAccessStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmAccessStatResetStats.setStatus('current')
apmAccessStatTotalSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatTotalSessions.setStatus('current')
apmAccessStatCurrentActiveSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatCurrentActiveSessions.setStatus('current')
apmAccessStatCurrentPendingSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatCurrentPendingSessions.setStatus('current')
apmAccessStatCurrentEndedSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatCurrentEndedSessions.setStatus('current')
apmAccessStatUserLoggedoutSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatUserLoggedoutSessions.setStatus('current')
apmAccessStatAdminTerminatedSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatAdminTerminatedSessions.setStatus('current')
apmAccessStatMiscTerminatedSessions = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatMiscTerminatedSessions.setStatus('current')
apmAccessStatResultAllow = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatResultAllow.setStatus('current')
apmAccessStatResultDeny = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 10), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatResultDeny.setStatus('current')
apmAccessStatResultRedirect = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatResultRedirect.setStatus('current')
apmAccessStatResultRedirectWithSession = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 4, 12), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAccessStatResultRedirectWithSession.setStatus('current')
apmGlobalConnectivityStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmGlobalConnectivityStatResetStats.setStatus('current')
apmGlobalConnectivityStatTotConns = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatTotConns.setStatus('current')
apmGlobalConnectivityStatCurConns = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatCurConns.setStatus('current')
apmGlobalConnectivityStatMaxConns = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatMaxConns.setStatus('current')
apmGlobalConnectivityStatIngressRaw = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatIngressRaw.setStatus('current')
apmGlobalConnectivityStatEgressRaw = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatEgressRaw.setStatus('current')
apmGlobalConnectivityStatIngressCompressed = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatIngressCompressed.setStatus('current')
apmGlobalConnectivityStatEgressCompressed = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 5, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalConnectivityStatEgressCompressed.setStatus('current')
apmGlobalRewriteStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmGlobalRewriteStatResetStats.setStatus('current')
apmGlobalRewriteStatClientReqBytes = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatClientReqBytes.setStatus('current')
apmGlobalRewriteStatClientRespBytes = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatClientRespBytes.setStatus('current')
apmGlobalRewriteStatServerReqBytes = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatServerReqBytes.setStatus('current')
apmGlobalRewriteStatServerRespBytes = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatServerRespBytes.setStatus('current')
apmGlobalRewriteStatClientReqs = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatClientReqs.setStatus('current')
apmGlobalRewriteStatClientResps = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatClientResps.setStatus('current')
apmGlobalRewriteStatServerReqs = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatServerReqs.setStatus('current')
apmGlobalRewriteStatServerResps = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 1, 6, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmGlobalRewriteStatServerResps.setStatus('current')
apmLeasepoolStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmLeasepoolStatResetStats.setStatus('current')
apmLeasepoolStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatNumber.setStatus('current')
apmLeasepoolStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3), )
if mibBuilder.loadTexts: apmLeasepoolStatTable.setStatus('current')
apmLeasepoolStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmLeasepoolStatName"))
if mibBuilder.loadTexts: apmLeasepoolStatEntry.setStatus('current')
apmLeasepoolStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatName.setStatus('current')
apmLeasepoolStatCurMembers = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatCurMembers.setStatus('current')
apmLeasepoolStatCurAssigned = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 3), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatCurAssigned.setStatus('current')
apmLeasepoolStatCurFree = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 4), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatCurFree.setStatus('current')
apmLeasepoolStatMaxAssigned = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 5), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatMaxAssigned.setStatus('current')
apmLeasepoolStatTotPickRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 6), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotPickRequests.setStatus('current')
apmLeasepoolStatTotPickFailure = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 7), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotPickFailure.setStatus('current')
apmLeasepoolStatTotReserveRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 8), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotReserveRequests.setStatus('current')
apmLeasepoolStatTotReserveFailure = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 9), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotReserveFailure.setStatus('current')
apmLeasepoolStatTotReleaseRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 10), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotReleaseRequests.setStatus('current')
apmLeasepoolStatTotReleaseFailure = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 2, 1, 3, 1, 11), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmLeasepoolStatTotReleaseFailure.setStatus('current')
apmAclStatResetStats = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: apmAclStatResetStats.setStatus('current')
apmAclStatNumber = MibScalar((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 2), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatNumber.setStatus('current')
apmAclStatTable = MibTable((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3), )
if mibBuilder.loadTexts: apmAclStatTable.setStatus('current')
apmAclStatEntry = MibTableRow((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1), ).setIndexNames((0, "F5-BIGIP-APM-MIB", "apmAclStatName"))
if mibBuilder.loadTexts: apmAclStatEntry.setStatus('current')
apmAclStatName = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1, 1), LongDisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatName.setStatus('current')
apmAclStatActionAllow = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1, 2), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatActionAllow.setStatus('current')
apmAclStatActionContinue = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1, 3), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatActionContinue.setStatus('current')
apmAclStatActionDiscard = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1, 4), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatActionDiscard.setStatus('current')
apmAclStatActionReject = MibTableColumn((1, 3, 6, 1, 4, 1, 3375, 2, 6, 3, 1, 3, 1, 5), Counter64()).setMaxAccess("readonly")
if mibBuilder.loadTexts: apmAclStatActionReject.setStatus('current')
bigipApmCompliance = ModuleCompliance((1, 3, 6, 1, 4, 1, 3375, 2, 5, 1, 6)).setObjects(("F5-BIGIP-APM-MIB", "bigipApmGroups"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
bigipApmCompliance = bigipApmCompliance.setStatus('current')
bigipApmGroups = MibIdentifier((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6))
apmPaStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 1)).setObjects(("F5-BIGIP-APM-MIB", "apmPaStatResetStats"), ("F5-BIGIP-APM-MIB", "apmPaStatNumber"), ("F5-BIGIP-APM-MIB", "apmPaStatName"), ("F5-BIGIP-APM-MIB", "apmPaStatConfigSyncState"), ("F5-BIGIP-APM-MIB", "apmPaStatTotalSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatTotalEstablishedStateSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatCurrentActiveSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatCurrentPendingSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatCurrentCompletedSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatUserLoggedoutSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatAdminTerminatedSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatMiscTerminatedSessions"), ("F5-BIGIP-APM-MIB", "apmPaStatAccessPolicyResultAllow"), ("F5-BIGIP-APM-MIB", "apmPaStatAccessPolicyResultDeny"), ("F5-BIGIP-APM-MIB", "apmPaStatAccessPolicyResultRedirect"), ("F5-BIGIP-APM-MIB", "apmPaStatAccessPolicyResultRedirectWithSession"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingDenyAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingRedirectAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEndingAllowAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatAdAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatClientCertAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatHttpAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatLdapAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatSecuridAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatRadiusAcctAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxFcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsLinuxPcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacFcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsMacPcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinCcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsAvAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinOsInfoAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinFcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinMcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsFwcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPcTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinPwTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinRcAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatEpsWinGpAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatExternalLogonAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatLogonAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatRaAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatRdsAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatVaAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatIeAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatLoggingAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatDecnBoxAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalInstances"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalUsages"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalSuccesses"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalFailures"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatMesgBoxAgentTotalSessVars"), ("F5-BIGIP-APM-MIB", "apmPaStatApdNoResultErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdNoSessionErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdNoDeviceInfoErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdNoTokenErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdNoSigErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdTotalMismatchErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdInvalidSigErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdMcPipelineInitErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdMcSetSessVarErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdMcPipelineCloseErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdApResultErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatApdApInternalErrors"), ("F5-BIGIP-APM-MIB", "apmPaStatAllowedRequests"), ("F5-BIGIP-APM-MIB", "apmPaStatDeniedRequests"), ("F5-BIGIP-APM-MIB", "apmPaStatVsName"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmPaStatGroup = apmPaStatGroup.setStatus('current')
apmPcStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 2)).setObjects(("F5-BIGIP-APM-MIB", "apmPcStatResetStats"), ("F5-BIGIP-APM-MIB", "apmPcStatNumber"), ("F5-BIGIP-APM-MIB", "apmPcStatName"), ("F5-BIGIP-APM-MIB", "apmPcStatTotConns"), ("F5-BIGIP-APM-MIB", "apmPcStatCurConns"), ("F5-BIGIP-APM-MIB", "apmPcStatMaxConns"), ("F5-BIGIP-APM-MIB", "apmPcStatIngressRaw"), ("F5-BIGIP-APM-MIB", "apmPcStatEgressRaw"), ("F5-BIGIP-APM-MIB", "apmPcStatIngressCompressed"), ("F5-BIGIP-APM-MIB", "apmPcStatEgressCompressed"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmPcStatGroup = apmPcStatGroup.setStatus('current')
apmPrStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 3)).setObjects(("F5-BIGIP-APM-MIB", "apmPrStatResetStats"), ("F5-BIGIP-APM-MIB", "apmPrStatNumber"), ("F5-BIGIP-APM-MIB", "apmPrStatName"), ("F5-BIGIP-APM-MIB", "apmPrStatClientReqBytes"), ("F5-BIGIP-APM-MIB", "apmPrStatClientRespBytes"), ("F5-BIGIP-APM-MIB", "apmPrStatServerReqBytes"), ("F5-BIGIP-APM-MIB", "apmPrStatServerRespBytes"), ("F5-BIGIP-APM-MIB", "apmPrStatClientReqs"), ("F5-BIGIP-APM-MIB", "apmPrStatClientResps"), ("F5-BIGIP-APM-MIB", "apmPrStatServerReqs"), ("F5-BIGIP-APM-MIB", "apmPrStatServerResps"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmPrStatGroup = apmPrStatGroup.setStatus('current')
apmPgStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 4)).setObjects(("F5-BIGIP-APM-MIB", "apmPgStatResetStats"), ("F5-BIGIP-APM-MIB", "apmPgStatNumber"), ("F5-BIGIP-APM-MIB", "apmPgStatName"), ("F5-BIGIP-APM-MIB", "apmPgStatAgentName"), ("F5-BIGIP-APM-MIB", "apmPgStatInstances"), ("F5-BIGIP-APM-MIB", "apmPgStatUsages"), ("F5-BIGIP-APM-MIB", "apmPgStatSuccesses"), ("F5-BIGIP-APM-MIB", "apmPgStatFailures"), ("F5-BIGIP-APM-MIB", "apmPgStatErrors"), ("F5-BIGIP-APM-MIB", "apmPgStatSessionVars"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmPgStatGroup = apmPgStatGroup.setStatus('current')
apmPmStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 5)).setObjects(("F5-BIGIP-APM-MIB", "apmPmStatResetStats"), ("F5-BIGIP-APM-MIB", "apmPmStatNumber"), ("F5-BIGIP-APM-MIB", "apmPmStatName"), ("F5-BIGIP-APM-MIB", "apmPmStatConfigSyncState"), ("F5-BIGIP-APM-MIB", "apmPmStatInspResultError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspSessionError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspDeviceInfoError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspTokenError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspSignatureError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspDataMsmtchError"), ("F5-BIGIP-APM-MIB", "apmPmStatInspClientSignError"), ("F5-BIGIP-APM-MIB", "apmPmStatMemInitError"), ("F5-BIGIP-APM-MIB", "apmPmStatMemSessionVarError"), ("F5-BIGIP-APM-MIB", "apmPmStatMemCloseError"), ("F5-BIGIP-APM-MIB", "apmPmStatResultError"), ("F5-BIGIP-APM-MIB", "apmPmStatInternalError"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmPmStatGroup = apmPmStatGroup.setStatus('current')
apmAccessStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 6)).setObjects(("F5-BIGIP-APM-MIB", "apmAccessStatResetStats"), ("F5-BIGIP-APM-MIB", "apmAccessStatTotalSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatCurrentActiveSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatCurrentPendingSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatCurrentEndedSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatUserLoggedoutSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatAdminTerminatedSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatMiscTerminatedSessions"), ("F5-BIGIP-APM-MIB", "apmAccessStatResultAllow"), ("F5-BIGIP-APM-MIB", "apmAccessStatResultDeny"), ("F5-BIGIP-APM-MIB", "apmAccessStatResultRedirect"), ("F5-BIGIP-APM-MIB", "apmAccessStatResultRedirectWithSession"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmAccessStatGroup = apmAccessStatGroup.setStatus('current')
apmGlobalConnectivityStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 7)).setObjects(("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatResetStats"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatTotConns"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatCurConns"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatMaxConns"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatIngressRaw"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatEgressRaw"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatIngressCompressed"), ("F5-BIGIP-APM-MIB", "apmGlobalConnectivityStatEgressCompressed"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmGlobalConnectivityStatGroup = apmGlobalConnectivityStatGroup.setStatus('current')
apmGlobalRewriteStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 8)).setObjects(("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatResetStats"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatClientReqBytes"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatClientRespBytes"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatServerReqBytes"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatServerRespBytes"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatClientReqs"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatClientResps"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatServerReqs"), ("F5-BIGIP-APM-MIB", "apmGlobalRewriteStatServerResps"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmGlobalRewriteStatGroup = apmGlobalRewriteStatGroup.setStatus('current')
apmLeasepoolStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 9)).setObjects(("F5-BIGIP-APM-MIB", "apmLeasepoolStatResetStats"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatNumber"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatName"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatCurMembers"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatCurAssigned"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatCurFree"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatMaxAssigned"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotPickRequests"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotPickFailure"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotReserveRequests"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotReserveFailure"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotReleaseRequests"), ("F5-BIGIP-APM-MIB", "apmLeasepoolStatTotReleaseFailure"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmLeasepoolStatGroup = apmLeasepoolStatGroup.setStatus('current')
apmAclStatGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 3375, 2, 5, 2, 6, 10)).setObjects(("F5-BIGIP-APM-MIB", "apmAclStatResetStats"), ("F5-BIGIP-APM-MIB", "apmAclStatNumber"), ("F5-BIGIP-APM-MIB", "apmAclStatName"), ("F5-BIGIP-APM-MIB", "apmAclStatActionAllow"), ("F5-BIGIP-APM-MIB", "apmAclStatActionContinue"), ("F5-BIGIP-APM-MIB", "apmAclStatActionDiscard"), ("F5-BIGIP-APM-MIB", "apmAclStatActionReject"))
if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0):
apmAclStatGroup = apmAclStatGroup.setStatus('current')
mibBuilder.exportSymbols("F5-BIGIP-APM-MIB", apmPaStatApdMcSetSessVarErrors=apmPaStatApdMcSetSessVarErrors, apmPaStatExternalLogonAgentTotalUsages=apmPaStatExternalLogonAgentTotalUsages, apmPaStatRadiusAgentTotalErrors=apmPaStatRadiusAgentTotalErrors, apmPaStatLogonAgentTotalUsages=apmPaStatLogonAgentTotalUsages, apmPcStatNumber=apmPcStatNumber, apmPrStatServerReqs=apmPrStatServerReqs, apmPaStatApdMcPipelineCloseErrors=apmPaStatApdMcPipelineCloseErrors, apmPaStatRadiusAcctAgentTotalFailures=apmPaStatRadiusAcctAgentTotalFailures, apmAccessStatResultDeny=apmAccessStatResultDeny, apmPaStatEpsWinCcAgentTotalFailures=apmPaStatEpsWinCcAgentTotalFailures, apmPaStatEpsMacFcAgentTotalErrors=apmPaStatEpsMacFcAgentTotalErrors, apmPaStatEpsFwcAgentTotalErrors=apmPaStatEpsFwcAgentTotalErrors, apmPaStatEpsWinRcAgentTotalSessVars=apmPaStatEpsWinRcAgentTotalSessVars, apmPaStatEpsWinPwTotalFailures=apmPaStatEpsWinPwTotalFailures, apmPcStatIngressRaw=apmPcStatIngressRaw, apmPaStatEpsWinGpAgentTotalUsages=apmPaStatEpsWinGpAgentTotalUsages, apmLeasepoolStatTotPickFailure=apmLeasepoolStatTotPickFailure, apmPaStatEpsFwcAgentTotalInstances=apmPaStatEpsFwcAgentTotalInstances, apmPaStatLoggingAgentTotalInstances=apmPaStatLoggingAgentTotalInstances, bigipApm=bigipApm, apmPmStatConfigSyncState=apmPmStatConfigSyncState, apmAccessStatGroup=apmAccessStatGroup, apmLeasepoolStatCurMembers=apmLeasepoolStatCurMembers, apmPmStatInspSessionError=apmPmStatInspSessionError, apmPaStatEndingAllowAgentTotalUsages=apmPaStatEndingAllowAgentTotalUsages, apmPaStatEpsWinGpAgentTotalFailures=apmPaStatEpsWinGpAgentTotalFailures, apmPaStatSecuridAgentTotalFailures=apmPaStatSecuridAgentTotalFailures, apmLeasepoolStatTotReserveRequests=apmLeasepoolStatTotReserveRequests, apmProfileAccessStat=apmProfileAccessStat, apmPaStatAccessPolicyResultRedirect=apmPaStatAccessPolicyResultRedirect, apmAclStatNumber=apmAclStatNumber, apmAclStatActionDiscard=apmAclStatActionDiscard, apmPaStatEndingAllowAgentTotalErrors=apmPaStatEndingAllowAgentTotalErrors, apmLeasepoolStatTable=apmLeasepoolStatTable, apmPgStatResetStats=apmPgStatResetStats, apmAccessStatResultRedirectWithSession=apmAccessStatResultRedirectWithSession, apmPaStatEndingAllowAgentTotalInstances=apmPaStatEndingAllowAgentTotalInstances, bigipApmCompliance=bigipApmCompliance, apmPaStatDecnBoxAgentTotalUsages=apmPaStatDecnBoxAgentTotalUsages, apmPaStatApdNoTokenErrors=apmPaStatApdNoTokenErrors, apmAclStatResetStats=apmAclStatResetStats, apmPaStatEpsWinRcAgentTotalUsages=apmPaStatEpsWinRcAgentTotalUsages, apmProfileAccessMiscStat=apmProfileAccessMiscStat, apmPaStatLogonAgentTotalSuccesses=apmPaStatLogonAgentTotalSuccesses, apmLeasepoolStatTotReserveFailure=apmLeasepoolStatTotReserveFailure, apmPrStatTable=apmPrStatTable, apmAclStatActionAllow=apmAclStatActionAllow, apmPaStatMesgBoxAgentTotalFailures=apmPaStatMesgBoxAgentTotalFailures, apmPaStatVaAgentTotalSuccesses=apmPaStatVaAgentTotalSuccesses, apmPaStatAdAgentTotalFailures=apmPaStatAdAgentTotalFailures, apmPaStatLoggingAgentTotalUsages=apmPaStatLoggingAgentTotalUsages, apmPgStatFailures=apmPgStatFailures, apmPaStatRdsAgentTotalSuccesses=apmPaStatRdsAgentTotalSuccesses, apmPcStatIngressCompressed=apmPcStatIngressCompressed, apmPaStatVaAgentTotalErrors=apmPaStatVaAgentTotalErrors, apmPaStatExternalLogonAgentTotalSessVars=apmPaStatExternalLogonAgentTotalSessVars, apmPaStatVaAgentTotalUsages=apmPaStatVaAgentTotalUsages, apmPcStatEntry=apmPcStatEntry, apmPaStatEpsLinuxPcAgentTotalSuccesses=apmPaStatEpsLinuxPcAgentTotalSuccesses, apmAccessStatResetStats=apmAccessStatResetStats, apmPaStatDecnBoxAgentTotalSuccesses=apmPaStatDecnBoxAgentTotalSuccesses, apmPaStatLdapAgentTotalFailures=apmPaStatLdapAgentTotalFailures, apmAclStatName=apmAclStatName, apmPaStatEpsWinPwTotalSuccesses=apmPaStatEpsWinPwTotalSuccesses, apmPaStatEpsMacPcAgentTotalSuccesses=apmPaStatEpsMacPcAgentTotalSuccesses, apmPaStatEndingDenyAgentTotalErrors=apmPaStatEndingDenyAgentTotalErrors, apmPaStatTotalSessions=apmPaStatTotalSessions, apmPaStatAdAgentTotalInstances=apmPaStatAdAgentTotalInstances, apmPaStatDecnBoxAgentTotalErrors=apmPaStatDecnBoxAgentTotalErrors, apmPaStatCurrentPendingSessions=apmPaStatCurrentPendingSessions, apmPaStatRaAgentTotalInstances=apmPaStatRaAgentTotalInstances, apmPaStatLdapAgentTotalSessVars=apmPaStatLdapAgentTotalSessVars, apmGlobalRewriteStatClientResps=apmGlobalRewriteStatClientResps, apmPaStatEpsWinGpAgentTotalErrors=apmPaStatEpsWinGpAgentTotalErrors, apmPaStatEntry=apmPaStatEntry, apmPaStatCurrentCompletedSessions=apmPaStatCurrentCompletedSessions, apmPaStatIeAgentTotalUsages=apmPaStatIeAgentTotalUsages, apmPaStatEpsWinRcAgentTotalSuccesses=apmPaStatEpsWinRcAgentTotalSuccesses, apmPaStatEpsWinFcAgentTotalUsages=apmPaStatEpsWinFcAgentTotalUsages, apmAclStatTable=apmAclStatTable, apmPgStatNumber=apmPgStatNumber, apmPaStatEpsLinuxFcAgentTotalSuccesses=apmPaStatEpsLinuxFcAgentTotalSuccesses, apmGlobalRewriteStatServerReqs=apmGlobalRewriteStatServerReqs, apmPaStatSecuridAgentTotalSessVars=apmPaStatSecuridAgentTotalSessVars, apmPaStatExternalLogonAgentTotalInstances=apmPaStatExternalLogonAgentTotalInstances, apmPaStatEpsLinuxPcAgentTotalFailures=apmPaStatEpsLinuxPcAgentTotalFailures, apmPaStatEndingRedirectAgentTotalSuccesses=apmPaStatEndingRedirectAgentTotalSuccesses, apmPaStatEndingAllowAgentTotalSuccesses=apmPaStatEndingAllowAgentTotalSuccesses, apmPaStatEpsMacPcAgentTotalErrors=apmPaStatEpsMacPcAgentTotalErrors, apmAccessStatMiscTerminatedSessions=apmAccessStatMiscTerminatedSessions, apmPaStatHttpAgentTotalInstances=apmPaStatHttpAgentTotalInstances, apmPaStatEpsWinCcAgentTotalUsages=apmPaStatEpsWinCcAgentTotalUsages, apmPaStatAdminTerminatedSessions=apmPaStatAdminTerminatedSessions, apmPaStatIeAgentTotalInstances=apmPaStatIeAgentTotalInstances, apmPaStatEpsMacPcAgentTotalFailures=apmPaStatEpsMacPcAgentTotalFailures, apmLeasepoolStatCurAssigned=apmLeasepoolStatCurAssigned, apmGlobalConnectivityStatMaxConns=apmGlobalConnectivityStatMaxConns, apmPrStatEntry=apmPrStatEntry, apmPaStatSecuridAgentTotalSuccesses=apmPaStatSecuridAgentTotalSuccesses, apmPmStatMemInitError=apmPmStatMemInitError, apmPaStatApdNoSigErrors=apmPaStatApdNoSigErrors, apmAccessStatCurrentEndedSessions=apmAccessStatCurrentEndedSessions, apmPaStatEpsWinCcAgentTotalErrors=apmPaStatEpsWinCcAgentTotalErrors, apmPrStatResetStats=apmPrStatResetStats, apmPrStatNumber=apmPrStatNumber, apmLeasepoolStat=apmLeasepoolStat, apmAclStatGroup=apmAclStatGroup, apmPaStatRadiusAgentTotalFailures=apmPaStatRadiusAgentTotalFailures, apmPaStatApdApResultErrors=apmPaStatApdApResultErrors, apmPrStatClientReqBytes=apmPrStatClientReqBytes, apmGlobalConnectivityStatResetStats=apmGlobalConnectivityStatResetStats, apmPaStatMesgBoxAgentTotalErrors=apmPaStatMesgBoxAgentTotalErrors, apmPmStatInternalError=apmPmStatInternalError, apmPaStatAdAgentTotalErrors=apmPaStatAdAgentTotalErrors, apmPaStatEpsMacPcAgentTotalUsages=apmPaStatEpsMacPcAgentTotalUsages, apmLeasepool=apmLeasepool, apmPaStatEpsWinPcTotalInstances=apmPaStatEpsWinPcTotalInstances, apmPaStatEpsFwcAgentTotalSuccesses=apmPaStatEpsFwcAgentTotalSuccesses, apmPaStatClientCertAgentTotalUsages=apmPaStatClientCertAgentTotalUsages, apmPaStatEpsWinCcAgentTotalSuccesses=apmPaStatEpsWinCcAgentTotalSuccesses, apmPaStatRdsAgentTotalFailures=apmPaStatRdsAgentTotalFailures, apmPaStatVaAgentTotalInstances=apmPaStatVaAgentTotalInstances, apmPaStatRadiusAcctAgentTotalUsages=apmPaStatRadiusAcctAgentTotalUsages, apmPcStatEgressRaw=apmPcStatEgressRaw, apmPrStatServerRespBytes=apmPrStatServerRespBytes, apmPaStatEpsWinRcAgentTotalInstances=apmPaStatEpsWinRcAgentTotalInstances, apmPaStatEndingRedirectAgentTotalSessVars=apmPaStatEndingRedirectAgentTotalSessVars, apmAcl=apmAcl, apmPaStatEndingDenyAgentTotalFailures=apmPaStatEndingDenyAgentTotalFailures, apmPaStatEpsWinPwTotalUsages=apmPaStatEpsWinPwTotalUsages, apmAccessStatUserLoggedoutSessions=apmAccessStatUserLoggedoutSessions, apmPrStatName=apmPrStatName, apmGlobalConnectivityStatEgressRaw=apmGlobalConnectivityStatEgressRaw, apmAccessStatCurrentPendingSessions=apmAccessStatCurrentPendingSessions, apmPmStatMemCloseError=apmPmStatMemCloseError, apmPgStatErrors=apmPgStatErrors, apmPaStatEpsAvAgentTotalFailures=apmPaStatEpsAvAgentTotalFailures, apmPaStatEpsWinFcAgentTotalInstances=apmPaStatEpsWinFcAgentTotalInstances, apmPaStatApdNoResultErrors=apmPaStatApdNoResultErrors, apmPaStatSecuridAgentTotalErrors=apmPaStatSecuridAgentTotalErrors, apmGlobalConnectivityStatIngressRaw=apmGlobalConnectivityStatIngressRaw, apmPmStatResetStats=apmPmStatResetStats, apmPaStatRadiusAgentTotalSuccesses=apmPaStatRadiusAgentTotalSuccesses, apmPmStatGroup=apmPmStatGroup, apmGlobalRewriteStatClientRespBytes=apmGlobalRewriteStatClientRespBytes, apmPaStatEpsWinCcAgentTotalSessVars=apmPaStatEpsWinCcAgentTotalSessVars, apmPaStatLoggingAgentTotalErrors=apmPaStatLoggingAgentTotalErrors, apmPaStatIeAgentTotalSessVars=apmPaStatIeAgentTotalSessVars, apmPaStatRadiusAcctAgentTotalInstances=apmPaStatRadiusAcctAgentTotalInstances, apmPaStatVaAgentTotalFailures=apmPaStatVaAgentTotalFailures, apmPaStatEpsLinuxPcAgentTotalUsages=apmPaStatEpsLinuxPcAgentTotalUsages, apmPaStatRdsAgentTotalUsages=apmPaStatRdsAgentTotalUsages, apmPaStatRadiusAcctAgentTotalSessVars=apmPaStatRadiusAcctAgentTotalSessVars, apmPmStatInspDeviceInfoError=apmPmStatInspDeviceInfoError, apmPcStatTable=apmPcStatTable, apmPaStatEpsWinOsInfoAgentTotalSuccesses=apmPaStatEpsWinOsInfoAgentTotalSuccesses, PYSNMP_MODULE_ID=bigipApm, apmPaStatApdNoDeviceInfoErrors=apmPaStatApdNoDeviceInfoErrors, apmPaStatEpsMacFcAgentTotalFailures=apmPaStatEpsMacFcAgentTotalFailures, apmPaStatEpsLinuxFcAgentTotalUsages=apmPaStatEpsLinuxFcAgentTotalUsages, apmPaStatName=apmPaStatName, apmPaStatLdapAgentTotalSuccesses=apmPaStatLdapAgentTotalSuccesses, apmPaStatRaAgentTotalErrors=apmPaStatRaAgentTotalErrors, apmPaStatAdAgentTotalSuccesses=apmPaStatAdAgentTotalSuccesses, apmPrStatServerReqBytes=apmPrStatServerReqBytes, apmPgStatInstances=apmPgStatInstances, apmPaStatLogonAgentTotalErrors=apmPaStatLogonAgentTotalErrors, apmPaStatEpsMacFcAgentTotalSuccesses=apmPaStatEpsMacFcAgentTotalSuccesses, apmPaStatAdAgentTotalSessVars=apmPaStatAdAgentTotalSessVars, apmPaStatRdsAgentTotalErrors=apmPaStatRdsAgentTotalErrors, apmPaStatEpsLinuxFcAgentTotalSessVars=apmPaStatEpsLinuxFcAgentTotalSessVars, apmPmStatInspSignatureError=apmPmStatInspSignatureError, apmPaStatEndingRedirectAgentTotalErrors=apmPaStatEndingRedirectAgentTotalErrors, apmPmStatName=apmPmStatName, apmPaStatApdApInternalErrors=apmPaStatApdApInternalErrors, apmPmStatResultError=apmPmStatResultError, apmPrStatClientRespBytes=apmPrStatClientRespBytes, apmPaStatHttpAgentTotalSuccesses=apmPaStatHttpAgentTotalSuccesses, apmPaStatIeAgentTotalErrors=apmPaStatIeAgentTotalErrors, apmPaStatApdNoSessionErrors=apmPaStatApdNoSessionErrors, apmPaStatApdMcPipelineInitErrors=apmPaStatApdMcPipelineInitErrors, apmPaStatHttpAgentTotalFailures=apmPaStatHttpAgentTotalFailures, apmPaStatEpsWinRcAgentTotalFailures=apmPaStatEpsWinRcAgentTotalFailures, apmPaStatRadiusAcctAgentTotalErrors=apmPaStatRadiusAcctAgentTotalErrors, apmPaStatEpsWinMcAgentTotalSessVars=apmPaStatEpsWinMcAgentTotalSessVars, apmPaStatEpsAvAgentTotalInstances=apmPaStatEpsAvAgentTotalInstances, apmLeasepoolStatName=apmLeasepoolStatName, apmPaStatRaAgentTotalSuccesses=apmPaStatRaAgentTotalSuccesses, apmPaStatRadiusAgentTotalUsages=apmPaStatRadiusAgentTotalUsages, apmPaStatApdTotalMismatchErrors=apmPaStatApdTotalMismatchErrors, apmPrStatGroup=apmPrStatGroup, apmPcStatTotConns=apmPcStatTotConns, apmPaStatEpsWinFcAgentTotalSessVars=apmPaStatEpsWinFcAgentTotalSessVars, apmPaStatEpsFwcAgentTotalUsages=apmPaStatEpsFwcAgentTotalUsages, apmPaStatIeAgentTotalFailures=apmPaStatIeAgentTotalFailures, apmPmStatInspTokenError=apmPmStatInspTokenError, apmPaStatSecuridAgentTotalInstances=apmPaStatSecuridAgentTotalInstances, apmPaStatVsName=apmPaStatVsName, apmPaStatRaAgentTotalUsages=apmPaStatRaAgentTotalUsages, apmPaStatExternalLogonAgentTotalFailures=apmPaStatExternalLogonAgentTotalFailures, apmPaStatEpsWinOsInfoAgentTotalSessVars=apmPaStatEpsWinOsInfoAgentTotalSessVars, apmAccessStatTotalSessions=apmAccessStatTotalSessions, apmPaStatClientCertAgentTotalErrors=apmPaStatClientCertAgentTotalErrors, apmPaStatEpsWinOsInfoAgentTotalFailures=apmPaStatEpsWinOsInfoAgentTotalFailures, apmPaStatEpsWinOsInfoAgentTotalErrors=apmPaStatEpsWinOsInfoAgentTotalErrors, apmPaStatRdsAgentTotalInstances=apmPaStatRdsAgentTotalInstances, apmPmStatInspDataMsmtchError=apmPmStatInspDataMsmtchError, apmPaStatTotalEstablishedStateSessions=apmPaStatTotalEstablishedStateSessions, apmPaStatUserLoggedoutSessions=apmPaStatUserLoggedoutSessions, apmProfileRewriteStat=apmProfileRewriteStat, apmProfileAccessAgentStat=apmProfileAccessAgentStat, apmPaStatRadiusAgentTotalInstances=apmPaStatRadiusAgentTotalInstances, apmPaStatEpsWinMcAgentTotalSuccesses=apmPaStatEpsWinMcAgentTotalSuccesses, apmPaStatEndingAllowAgentTotalSessVars=apmPaStatEndingAllowAgentTotalSessVars, apmLeasepoolStatTotReleaseFailure=apmLeasepoolStatTotReleaseFailure, apmGlobalRewriteStatServerResps=apmGlobalRewriteStatServerResps, apmLeasepoolStatResetStats=apmLeasepoolStatResetStats, apmGlobalConnectivityStatGroup=apmGlobalConnectivityStatGroup, apmPrStatServerResps=apmPrStatServerResps, apmPaStatHttpAgentTotalErrors=apmPaStatHttpAgentTotalErrors, apmPaStatEndingAllowAgentTotalFailures=apmPaStatEndingAllowAgentTotalFailures, apmPaStatMesgBoxAgentTotalUsages=apmPaStatMesgBoxAgentTotalUsages, apmPmStatTable=apmPmStatTable, apmPaStatEpsWinGpAgentTotalInstances=apmPaStatEpsWinGpAgentTotalInstances, apmPaStatEndingRedirectAgentTotalUsages=apmPaStatEndingRedirectAgentTotalUsages, apmPaStatEpsAvAgentTotalSuccesses=apmPaStatEpsAvAgentTotalSuccesses, apmPaStatEpsWinPcTotalSessVars=apmPaStatEpsWinPcTotalSessVars, apmPaStatNumber=apmPaStatNumber, apmPaStatHttpAgentTotalSessVars=apmPaStatHttpAgentTotalSessVars, apmPaStatEpsWinRcAgentTotalErrors=apmPaStatEpsWinRcAgentTotalErrors, apmPaStatEpsWinPcTotalSuccesses=apmPaStatEpsWinPcTotalSuccesses, apmProfiles=apmProfiles, apmGlobalConnectivityStatTotConns=apmGlobalConnectivityStatTotConns, apmPaStatIeAgentTotalSuccesses=apmPaStatIeAgentTotalSuccesses, apmPaStatAccessPolicyResultDeny=apmPaStatAccessPolicyResultDeny, apmPaStatEpsLinuxPcAgentTotalErrors=apmPaStatEpsLinuxPcAgentTotalErrors, apmGlobalRewriteStatGroup=apmGlobalRewriteStatGroup, apmPgStatName=apmPgStatName, apmPaStatClientCertAgentTotalInstances=apmPaStatClientCertAgentTotalInstances, apmPaStatEpsMacFcAgentTotalSessVars=apmPaStatEpsMacFcAgentTotalSessVars, apmGlobalRewriteStatClientReqBytes=apmGlobalRewriteStatClientReqBytes, apmPaStatEpsMacFcAgentTotalUsages=apmPaStatEpsMacFcAgentTotalUsages, apmPaStatEpsWinGpAgentTotalSuccesses=apmPaStatEpsWinGpAgentTotalSuccesses, apmPaStatEpsAvAgentTotalUsages=apmPaStatEpsAvAgentTotalUsages, apmPaStatEpsWinMcAgentTotalInstances=apmPaStatEpsWinMcAgentTotalInstances, apmPaStatEpsLinuxFcAgentTotalFailures=apmPaStatEpsLinuxFcAgentTotalFailures, apmPaStatVaAgentTotalSessVars=apmPaStatVaAgentTotalSessVars, apmPaStatLoggingAgentTotalSessVars=apmPaStatLoggingAgentTotalSessVars, apmPaStatEpsWinPcTotalErrors=apmPaStatEpsWinPcTotalErrors, apmPaStatLogonAgentTotalInstances=apmPaStatLogonAgentTotalInstances, bigipApmGroups=bigipApmGroups, apmGlobalConnectivityStatIngressCompressed=apmGlobalConnectivityStatIngressCompressed, apmPaStatLdapAgentTotalInstances=apmPaStatLdapAgentTotalInstances, apmPaStatEndingRedirectAgentTotalInstances=apmPaStatEndingRedirectAgentTotalInstances)
mibBuilder.exportSymbols("F5-BIGIP-APM-MIB", apmPaStatEpsWinPwTotalErrors=apmPaStatEpsWinPwTotalErrors, apmLeasepoolStatMaxAssigned=apmLeasepoolStatMaxAssigned, apmPaStatExternalLogonAgentTotalErrors=apmPaStatExternalLogonAgentTotalErrors, apmPaStatClientCertAgentTotalSuccesses=apmPaStatClientCertAgentTotalSuccesses, apmPaStatEpsWinMcAgentTotalFailures=apmPaStatEpsWinMcAgentTotalFailures, apmPgStatUsages=apmPgStatUsages, apmAccessStatCurrentActiveSessions=apmAccessStatCurrentActiveSessions, apmPaStatEpsWinGpAgentTotalSessVars=apmPaStatEpsWinGpAgentTotalSessVars, apmPaStatAllowedRequests=apmPaStatAllowedRequests, apmPmStatNumber=apmPmStatNumber, apmPaStatLogonAgentTotalFailures=apmPaStatLogonAgentTotalFailures, apmPaStatGroup=apmPaStatGroup, apmGlobalRewriteStat=apmGlobalRewriteStat, apmPaStatRadiusAcctAgentTotalSuccesses=apmPaStatRadiusAcctAgentTotalSuccesses, apmPaStatEpsMacPcAgentTotalInstances=apmPaStatEpsMacPcAgentTotalInstances, apmGlobalConnectivityStatEgressCompressed=apmGlobalConnectivityStatEgressCompressed, apmGlobalRewriteStatServerReqBytes=apmGlobalRewriteStatServerReqBytes, apmPaStatEpsWinFcAgentTotalSuccesses=apmPaStatEpsWinFcAgentTotalSuccesses, apmPaStatEpsFwcAgentTotalSessVars=apmPaStatEpsFwcAgentTotalSessVars, apmLeasepoolStatEntry=apmLeasepoolStatEntry, apmLeasepoolStatTotPickRequests=apmLeasepoolStatTotPickRequests, apmPaStatSecuridAgentTotalUsages=apmPaStatSecuridAgentTotalUsages, apmPgStatSuccesses=apmPgStatSuccesses, apmPaStatClientCertAgentTotalSessVars=apmPaStatClientCertAgentTotalSessVars, apmPaStatEpsWinMcAgentTotalErrors=apmPaStatEpsWinMcAgentTotalErrors, apmPrStatClientResps=apmPrStatClientResps, apmGlobalConnectivityStatCurConns=apmGlobalConnectivityStatCurConns, apmPaStatEpsWinPwTotalSessVars=apmPaStatEpsWinPwTotalSessVars, apmPgStatSessionVars=apmPgStatSessionVars, apmPaStatMiscTerminatedSessions=apmPaStatMiscTerminatedSessions, apmPgStatEntry=apmPgStatEntry, apmPaStatAccessPolicyResultRedirectWithSession=apmPaStatAccessPolicyResultRedirectWithSession, apmPgStatAgentName=apmPgStatAgentName, apmPaStatDecnBoxAgentTotalInstances=apmPaStatDecnBoxAgentTotalInstances, apmPaStatClientCertAgentTotalFailures=apmPaStatClientCertAgentTotalFailures, apmPaStatEndingRedirectAgentTotalFailures=apmPaStatEndingRedirectAgentTotalFailures, apmPaStatEpsLinuxPcAgentTotalInstances=apmPaStatEpsLinuxPcAgentTotalInstances, apmPaStatDecnBoxAgentTotalFailures=apmPaStatDecnBoxAgentTotalFailures, apmPgStatGroup=apmPgStatGroup, apmPaStatEpsLinuxFcAgentTotalErrors=apmPaStatEpsLinuxFcAgentTotalErrors, apmPaStatEpsWinPcTotalUsages=apmPaStatEpsWinPcTotalUsages, apmPaStatHttpAgentTotalUsages=apmPaStatHttpAgentTotalUsages, apmPcStatName=apmPcStatName, apmPaStatEpsLinuxPcAgentTotalSessVars=apmPaStatEpsLinuxPcAgentTotalSessVars, apmAclStatActionReject=apmAclStatActionReject, apmPcStatMaxConns=apmPcStatMaxConns, apmPaStatRadiusAgentTotalSessVars=apmPaStatRadiusAgentTotalSessVars, apmPaStatEndingDenyAgentTotalSessVars=apmPaStatEndingDenyAgentTotalSessVars, apmPgStatTable=apmPgStatTable, apmPaStatRdsAgentTotalSessVars=apmPaStatRdsAgentTotalSessVars, apmPmStatInspResultError=apmPmStatInspResultError, apmProfileConnectivityStat=apmProfileConnectivityStat, apmPcStatGroup=apmPcStatGroup, apmPaStatAccessPolicyResultAllow=apmPaStatAccessPolicyResultAllow, apmPaStatEpsWinOsInfoAgentTotalUsages=apmPaStatEpsWinOsInfoAgentTotalUsages, apmPaStatEpsFwcAgentTotalFailures=apmPaStatEpsFwcAgentTotalFailures, apmPrStatClientReqs=apmPrStatClientReqs, apmGlobalRewriteStatResetStats=apmGlobalRewriteStatResetStats, apmPaStatLogonAgentTotalSessVars=apmPaStatLogonAgentTotalSessVars, apmPcStatCurConns=apmPcStatCurConns, apmPaStatConfigSyncState=apmPaStatConfigSyncState, apmLeasepoolStatTotReleaseRequests=apmLeasepoolStatTotReleaseRequests, apmPmStatMemSessionVarError=apmPmStatMemSessionVarError, apmPaStatEpsWinFcAgentTotalErrors=apmPaStatEpsWinFcAgentTotalErrors, apmAccessStatResultAllow=apmAccessStatResultAllow, apmPaStatLoggingAgentTotalFailures=apmPaStatLoggingAgentTotalFailures, apmPaStatDecnBoxAgentTotalSessVars=apmPaStatDecnBoxAgentTotalSessVars, apmPaStatDeniedRequests=apmPaStatDeniedRequests, apmGlobalRewriteStatClientReqs=apmGlobalRewriteStatClientReqs, apmAccessStatAdminTerminatedSessions=apmAccessStatAdminTerminatedSessions, apmPaStatEndingDenyAgentTotalUsages=apmPaStatEndingDenyAgentTotalUsages, apmPaStatEpsMacPcAgentTotalSessVars=apmPaStatEpsMacPcAgentTotalSessVars, apmLeasepoolStatCurFree=apmLeasepoolStatCurFree, apmPaStatMesgBoxAgentTotalSuccesses=apmPaStatMesgBoxAgentTotalSuccesses, apmPaStatEpsWinCcAgentTotalInstances=apmPaStatEpsWinCcAgentTotalInstances, apmLeasepoolStatGroup=apmLeasepoolStatGroup, apmPaStatEndingDenyAgentTotalInstances=apmPaStatEndingDenyAgentTotalInstances, apmGlobalConnectivityStat=apmGlobalConnectivityStat, apmPaStatTable=apmPaStatTable, apmGlobalRewriteStatServerRespBytes=apmGlobalRewriteStatServerRespBytes, apmPaStatEpsAvAgentTotalErrors=apmPaStatEpsAvAgentTotalErrors, apmPaStatEpsWinPwTotalInstances=apmPaStatEpsWinPwTotalInstances, apmAccessStat=apmAccessStat, apmPaStatEpsWinOsInfoAgentTotalInstances=apmPaStatEpsWinOsInfoAgentTotalInstances, apmPcStatEgressCompressed=apmPcStatEgressCompressed, apmPmStatInspClientSignError=apmPmStatInspClientSignError, apmPaStatRaAgentTotalSessVars=apmPaStatRaAgentTotalSessVars, apmPaStatResetStats=apmPaStatResetStats, apmPcStatResetStats=apmPcStatResetStats, apmPaStatMesgBoxAgentTotalSessVars=apmPaStatMesgBoxAgentTotalSessVars, apmPaStatEpsLinuxFcAgentTotalInstances=apmPaStatEpsLinuxFcAgentTotalInstances, apmLeasepoolStatNumber=apmLeasepoolStatNumber, apmPaStatCurrentActiveSessions=apmPaStatCurrentActiveSessions, apmPaStatEpsWinFcAgentTotalFailures=apmPaStatEpsWinFcAgentTotalFailures, apmAclStatActionContinue=apmAclStatActionContinue, apmPaStatEpsWinMcAgentTotalUsages=apmPaStatEpsWinMcAgentTotalUsages, apmPaStatLdapAgentTotalUsages=apmPaStatLdapAgentTotalUsages, apmPmStatEntry=apmPmStatEntry, apmAclStatEntry=apmAclStatEntry, apmPaStatMesgBoxAgentTotalInstances=apmPaStatMesgBoxAgentTotalInstances, apmAccessStatResultRedirect=apmAccessStatResultRedirect, apmPaStatEpsWinPcTotalFailures=apmPaStatEpsWinPcTotalFailures, apmAclStat=apmAclStat, apmPaStatExternalLogonAgentTotalSuccesses=apmPaStatExternalLogonAgentTotalSuccesses, apmPaStatRaAgentTotalFailures=apmPaStatRaAgentTotalFailures, apmPaStatApdInvalidSigErrors=apmPaStatApdInvalidSigErrors, apmPaStatEpsAvAgentTotalSessVars=apmPaStatEpsAvAgentTotalSessVars, apmPaStatLdapAgentTotalErrors=apmPaStatLdapAgentTotalErrors, apmPaStatLoggingAgentTotalSuccesses=apmPaStatLoggingAgentTotalSuccesses, apmPaStatEpsMacFcAgentTotalInstances=apmPaStatEpsMacFcAgentTotalInstances, apmPaStatAdAgentTotalUsages=apmPaStatAdAgentTotalUsages, apmPaStatEndingDenyAgentTotalSuccesses=apmPaStatEndingDenyAgentTotalSuccesses)
| [
"[email protected]"
] | |
c709879b1fee60eecdc644534c5f072428a76609 | 31eaed64b0caeda5c5fe3603609402034e6eb7be | /python_zumbi/py_functions/ler_e_gravar_arquivo_CSV.py | e8d6a926b35a01ceccefbd8155a6cdd818c3a912 | [] | no_license | RaphaelfsOliveira/workspace_python | 93657b581043176ecffb5783de208c0a00924832 | 90959697687b9398cc48146461750942802933b3 | refs/heads/master | 2021-01-11T17:39:49.574875 | 2017-06-28T20:55:43 | 2017-06-28T20:55:43 | 79,814,783 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 307 | py | import csv
arq_name = "test"
title = 'perfumes'
name_prod = 'perfume-feminino'
url_prod = 'http://www.epocacosmeticos.com.br/perfumes/perfume-feminino'
rows = ['teste','teste']
def save_urls(arq_name, rows):
arq = csv.writer(open(arq_name + '.csv', "w"))
arq.writerow(rows)
print(rows)
#print(arq)
| [
"[email protected]"
] | |
3be5e6031a6351f732e4aa3e3ecf6dc74d11eb6c | f5c62bab2e95bb2dc6986ba271662ade8cae4da0 | /docs/PythonSAI/LineProperties.py | c3e7401f40524540e570646be946433183820cfd | [] | no_license | Has3ong/X3DViewer | d211b159c29523e61158eddc015bb320e4ba7c9d | c629305c24b5c25fd41d3a46816efbf1f74d0092 | refs/heads/master | 2021-06-25T16:36:46.278469 | 2021-01-03T11:26:02 | 2021-01-03T11:26:02 | 180,564,246 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,729 | py | from . import *
# LineProperties defines a concrete node interface that extends interface X3DAppearanceChildNode.
class CLineProperties(CX3DAppearanceChildNode):
m_strNodeName = "LineProperties"
def __init__(self):
self.m_strNodeName = "LineProperties"
self.m_Parent = [None]
self.children = []
self.DEF = ""
self.USE = ""
self.n_Count = -1
self.depth = 0
# Return boolean result from SFBool inputOutput field named "applied"
def getApplied (self):
pass
# Assign boolean value to SFBool inputOutput field named "applied"
def setApplied (self, value):
pass
# Return int result [] from SFInt32 inputOutput field named "linetype"
def getLinetype (self):
pass
# Assign int value [] to SFInt32 inputOutput field named "linetype"
def setLinetype (self, value):
pass
# Return float result [] from SFFloat inputOutput field named "linewidthScaleFactor"
def getLinewidthScaleFactor (self):
pass
# Assign float value [] to SFFloat inputOutput field named "linewidthScaleFactor"
def setLinewidthScaleFactor (self, value):
pass
# ===== methods for fields inherited from parent interfaces =====
# Return X3DMetadataObject result (using a properly typed node or X3DPrototypeInstance) from SFNode inputOutput field named "metadata"
def getMetadata (self):
pass
# Assign X3DMetadataObject value (using a properly typed node) to SFNode inputOutput field named "metadata"
def setMetadata1 (self, node):
pass
# Assign X3DMetadataObject value (using a properly typed protoInstance)
def setMetadata2 (self, protoInstance):
pass | [
"[email protected]"
] | |
4dc0710a308eb43121ff85c314929338cc1ad68d | f98c45d0079479b10c8276693dc31c704ccc087f | /api/apps/goods/models.py | 9f7696a669fbacebb0c26a81978d4226843c2828 | [
"MIT"
] | permissive | TasHole/tokyo | b78c84d31b5c459a8a508fd671151a825db55835 | d4e0b2cce2aae53d93cb2bbbd2ca12ff0aa6a219 | refs/heads/master | 2020-12-21T13:29:31.626154 | 2019-10-12T03:03:34 | 2019-10-12T03:03:34 | 236,445,029 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 5,857 | py | from datetime import datetime
from django.db import models
class GoodsCategory(models.Model):
"""
商品カテゴリー
"""
CATEGORY_TYPE = (
(1, "一級カテゴリー"),
(2, "二級カテゴリー"),
(3, "三級カテゴリー")
)
name = models.CharField(default="", max_length=50, verbose_name="カテゴリー名", help_text="カテゴリー名")
code = models.CharField(default="", max_length=30, verbose_name="カテゴリーコード", help_text="カテゴリーコード")
desc = models.TextField(default="", verbose_name="カテゴリー説明", help_text="カテゴリー説明")
category_type = models.IntegerField(choices=CATEGORY_TYPE, verbose_name="カテゴリーレベル", help_text="カテゴリーレベル")
parent_category = models.ForeignKey("self", null=True, blank=True, verbose_name="親カテゴリー", help_text="親カテゴリー",
on_delete=models.CASCADE, related_name="sub_cat")
is_tab = models.BooleanField(default=False, verbose_name="ナビなのか", help_text="ナビなのか")
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "商品カテゴリー"
verbose_name_plural = verbose_name
def __str__(self):
return self.name
class GoodsCategoryBrand(models.Model):
"""
ブランド名
"""
category = models.ForeignKey(GoodsCategory, related_name="brands", null=True, blank=True,
verbose_name="商品カテゴリー名", on_delete=models.CASCADE)
name = models.CharField(default="", max_length=30, verbose_name="ブランド名", help_text="ブランド名")
desc = models.CharField(default="", max_length=200, verbose_name="ブランド説明", help_text="ブランド説明")
image = models.ImageField(max_length=200, upload_to="brands/")
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "ブランド"
verbose_name_plural = verbose_name
db_table = "goods_goodsbrand"
def __str__(self):
return self.name
class Goods(models.Model):
"""
商品
"""
category = models.ForeignKey(GoodsCategory, null=True, blank=True,
verbose_name="商品カテゴリー", on_delete=models.CASCADE)
goods_sn = models.CharField(max_length=50, default="", verbose_name="商品識別番号")
name = models.CharField(max_length=100, verbose_name="商品名")
click_num = models.IntegerField(default=0, verbose_name="クリック数")
sold_num = models.IntegerField(default=0, verbose_name="販売数")
fav_num = models.IntegerField(default=0, verbose_name="お気に入り登録数")
goods_num = models.IntegerField(default=0, verbose_name="在庫数")
market_price = models.FloatField(default=0, verbose_name="原価")
shop_price = models.FloatField(default=0, verbose_name="販売値段")
goods_brief = models.TextField(max_length=500, verbose_name="商品説明")
ship_free = models.BooleanField(default=True, verbose_name="送料負担")
goods_front_image = models.ImageField(max_length=200, upload_to="goods/images/",
null=True, blank=True, verbose_name="表紙")
is_new = models.BooleanField(default=False, verbose_name="新品なのか")
is_hot = models.BooleanField(default=False, verbose_name="売れているのか")
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "商品"
verbose_name_plural = verbose_name
def __str__(self):
return self.name
class GoodsImage(models.Model):
"""
商品swiperImages
"""
goods = models.ForeignKey(Goods, verbose_name="商品", related_name="images", on_delete=models.CASCADE)
image = models.ImageField(upload_to="", verbose_name="画像", null=True, blank=True)
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "商品swiperImages"
verbose_name_plural = verbose_name
def __str__(self):
return self.goods.name
class Banner(models.Model):
"""
swiper用の商品image
"""
goods = models.ForeignKey(Goods, verbose_name="商品", on_delete=models.CASCADE)
image = models.ImageField(upload_to="banner", verbose_name="ホームページswiper用画像")
index = models.IntegerField(default=0, verbose_name="swiper順番")
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "swiper用の商品image"
verbose_name_plural = verbose_name
def __str__(self):
return self.goods.name
class IndexAd(models.Model):
category = models.ForeignKey(GoodsCategory, related_name="category",
verbose_name="商品カテゴリー", on_delete=models.CASCADE)
goods = models.ForeignKey(Goods, related_name='goods', on_delete=models.CASCADE)
class Meta:
verbose_name = "ホームページ商品カテゴリー広告"
verbose_name_plural = verbose_name
def __str__(self):
return self.goods.name
class HotSearchWords(models.Model):
"""
人気キーワード
"""
keywords = models.CharField(default="", max_length=20, verbose_name="人気キーワード")
index = models.IntegerField(default=0, verbose_name="並び順")
add_time = models.DateTimeField(default=datetime.now, verbose_name="挿入時間")
class Meta:
verbose_name = "人気キーワード"
verbose_name_plural = verbose_name
def __str__(self):
return self.keywords | [
"[email protected]"
] | |
88fd6306ddf23894d2552a4e2bc87e2b89a734df | e489172f6e49e1239db56c047a78a29a6ffc0b36 | /via_code_decode/code_category.py | ab1f0d754b5245b8d99d0e949b26421de5effc09 | [] | no_license | eksotama/prln-via-custom-addons | f05d0059353ae1de89ccc8d1625a896c0215cfc7 | f2b44a8af0e7bee87d52d258fca012bf44ca876f | refs/heads/master | 2020-03-25T19:49:08.117628 | 2015-12-01T07:29:43 | 2015-12-01T07:29:43 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,052 | py | # -*- encoding: utf-8 -*-
##############################################################################
#
# Vikasa Infinity Anugrah, PT
# Copyright (c) 2011 - 2013 Vikasa Infinity Anugrah <http://www.infi-nity.com>
#
# This program is free software: you can redistribute it and/or modify
# it under the terms of the GNU Affero General Public License as
# published by the Free Software Foundation, either version 3 of the
# License, or (at your option) any later version.
#
# This program is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY; without even the implied warranty of
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
# GNU Affero General Public License for more details.
#
# You should have received a copy of the GNU Affero General Public License
# along with this program. If not, see http://www.gnu.org/licenses/.
#
##############################################################################
from osv import osv, fields
from tools.translate import _
class code_category(osv.osv):
_name = 'code.category'
_description = 'Code Category'
_columns = {
'name': fields.char('Code Category', size=64, readonly=False, required=True, translate=True, select=True, help="Register Code Category"),
'pinned': fields.boolean('Pinned', readonly=True, help="This is to mark whether the code category is 'pinned', i.e. cannot be deleted. Can be used by modules to force existence of the code category."),
}
_defaults = {
'pinned' : False,
}
## unlink
#
# unlink intercepts the main unlink function to prevent deletion of pinned record.
#
def unlink(self, cr, uid, ids, context=None):
for _obj in self.pool.get('code.category').browse(cr, uid, ids, context=context):
if _obj.pinned:
raise osv.except_osv(_('Error !'), _('Pinned Code Category cannot be deleted.'))
return super(code_category, self).unlink(cr, uid, ids, context=context)
code_category()
| [
"aero@aero.(none)"
] | aero@aero.(none) |
386d526236ceef1e4accd80ace256f69374c7b69 | 266f073facf1754763af372f3b4433337161f91a | /memegen/domain/template.py | 4c61cdbd88b6c6134c5c7f14b2935ed1e4fbc5d5 | [
"MIT"
] | permissive | jkloo/memegen | 7717104eedc0db1cad15673b426f1ebdb5119445 | 9360486066b52ede528f0c45671f81ebb168e3b3 | refs/heads/master | 2020-04-05T18:55:54.182899 | 2015-06-19T13:47:24 | 2015-06-19T13:47:24 | 37,665,345 | 0 | 0 | null | 2015-06-18T14:46:22 | 2015-06-18T14:46:22 | null | UTF-8 | Python | false | false | 950 | py | import os
from .text import Text
class Template:
"""Blank image to generate a meme."""
DEFAULTS = ("default.png", "default.jpg")
def __init__(self, key,
name=None, lines=None, aliases=None, link=None, root=None):
self.key = key
self.name = name or ""
self.lines = lines or []
self.aliases = aliases or []
self.link = link or ""
self.root = root
def __eq__(self, other):
return self.key == other.key
def __ne__(self, other):
return not self == other
def __lt__(self, other):
return self.name < other.name
@property
def path(self):
for default in self.DEFAULTS:
path = os.path.join(self.root, self.key, default)
if os.path.isfile(path):
return path
return None
@property
def default(self):
text = Text('/'.join(self.lines))
return text.path
| [
"[email protected]"
] | |
b941f4fec6db3324f517391c833d36bd9deb602e | 1a114943c92a5db40034470ff31a79bcf8ddfc37 | /stdlib_exam/unicodedata-example-1.py | 8ab800f4c75d0ac65e9f6fbc5d28206808558553 | [] | no_license | renwl/mylinux | 1924918599efd6766c266231d66b2a7ed6f6cdd1 | 0602fc6d2b0d254a8503e57310f848fc3e1a73b4 | refs/heads/master | 2020-07-10T22:12:03.259349 | 2017-01-02T12:32:04 | 2017-01-02T12:32:04 | 66,467,007 | 0 | 0 | null | null | null | null | WINDOWS-1252 | Python | false | false | 396 | py | import unicodedata
for char in [u"A", u"-", u"1", u"\N{LATIN CAPITAL LETTER O WITH DIAERESIS}"]:
print repr(char),
print unicodedata.category(char),
print repr(unicodedata.decomposition(char)),
print unicodedata.decimal(char, None),
print unicodedata.numeric(char, None)
## u'A' Lu '' None None
## u'-' Pd '' None None
## u'1' Nd '' 1 1.0
## u'Ö' Lu '004F 0308' None None
| [
"[email protected]"
] | |
b73000ba07270793015730c3be257dec3a98ded0 | 4bb1a23a62bf6dc83a107d4da8daefd9b383fc99 | /work/abc032_c2.py | 45cd9b0ea7fccb2e9ffe3042836077ee7d77a58a | [] | no_license | takushi-m/atcoder-work | 0aeea397c85173318497e08cb849efd459a9f6b6 | f6769f0be9c085bde88129a1e9205fb817bb556a | refs/heads/master | 2021-09-24T16:52:58.752112 | 2021-09-11T14:17:10 | 2021-09-11T14:17:10 | 144,509,843 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 328 | py | n,k = map(int, input().split())
al = [int(input()) for _ in range(n)]
if 0 in al:
print(n)
exit()
r = 0
l = 0
m = 1
res = 0
while l<n:
while r<n and m*al[r]<=k:
m *= al[r]
r += 1
res = max(res, r-l)
if r==l:
r += 1
else:
m //= al[l]
l += 1
print(res) | [
"[email protected]"
] | |
5f2a5eb29af62914d46eb9bdd3a8b12e5253115d | 8dd53a5d1820ae5a3efe799381a90c977afd32c4 | /contrib/devtools/copyright_header.py | 8ffcca9432a127d16002bcc5aa79aef9ddf47f4a | [
"LicenseRef-scancode-public-domain",
"MIT"
] | permissive | mulecore/mulecoin | 8b654817a1b78c9e98f96bfef5febaca23347f64 | e52131742938ae433463f32680837981a5cedc0f | refs/heads/master | 2023-03-28T05:37:53.552271 | 2021-03-27T03:22:13 | 2021-03-27T03:22:13 | 351,796,749 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 23,084 | py | #!/usr/bin/env python3
# Copyright (c) 2016 The Bitcoin Core developers
# Copyright (c) 2017-2019 The Raven Core developers
# Distributed under the MIT software license, see the accompanying
# file COPYING or http://www.opensource.org/licenses/mit-license.php.
import re
import fnmatch
import sys
import subprocess
import datetime
import os
################################################################################
# file filtering
################################################################################
EXCLUDE = [
# libsecp256k1:
'src/secp256k1/include/secp256k1.h',
'src/secp256k1/include/secp256k1_ecdh.h',
'src/secp256k1/include/secp256k1_recovery.h',
'src/secp256k1/include/secp256k1_schnorr.h',
'src/secp256k1/src/java/org_mulecoin_NativeSecp256k1.c',
'src/secp256k1/src/java/org_mulecoin_NativeSecp256k1.h',
'src/secp256k1/src/java/org_mulecoin_Secp256k1Context.c',
'src/secp256k1/src/java/org_mulecoin_Secp256k1Context.h',
# auto generated:
'src/univalue/lib/univalue_escapes.h',
'src/qt/mulecoinstrings.cpp',
'src/chainparamsseeds.h',
# other external copyrights:
'src/tinyformat.h',
'src/leveldb/util/env_win.cc',
'src/crypto/ctaes/bench.c',
'test/functional/test_framework/bignum.py',
# python init:
'*__init__.py',
]
EXCLUDE_COMPILED = re.compile('|'.join([fnmatch.translate(m) for m in EXCLUDE]))
INCLUDE = ['*.h', '*.cpp', '*.cc', '*.c', '*.py']
INCLUDE_COMPILED = re.compile('|'.join([fnmatch.translate(m) for m in INCLUDE]))
def applies_to_file(filename):
return ((EXCLUDE_COMPILED.match(filename) is None) and
(INCLUDE_COMPILED.match(filename) is not None))
################################################################################
# obtain list of files in repo according to INCLUDE and EXCLUDE
################################################################################
GIT_LS_CMD = 'git ls-files'
def call_git_ls():
out = subprocess.check_output(GIT_LS_CMD.split(' '))
return [f for f in out.decode("utf-8").split('\n') if f != '']
def get_filenames_to_examine():
filenames = call_git_ls()
return sorted([filename for filename in filenames if
applies_to_file(filename)])
################################################################################
# define and compile regexes for the patterns we are looking for
################################################################################
COPYRIGHT_WITH_C = 'Copyright \(c\)'
COPYRIGHT_WITHOUT_C = 'Copyright'
ANY_COPYRIGHT_STYLE = '(%s|%s)' % (COPYRIGHT_WITH_C, COPYRIGHT_WITHOUT_C)
YEAR = "20[0-9][0-9]"
YEAR_RANGE = '(%s)(-%s)?' % (YEAR, YEAR)
YEAR_LIST = '(%s)(, %s)+' % (YEAR, YEAR)
ANY_YEAR_STYLE = '(%s|%s)' % (YEAR_RANGE, YEAR_LIST)
ANY_COPYRIGHT_STYLE_OR_YEAR_STYLE = ("%s %s" % (ANY_COPYRIGHT_STYLE,
ANY_YEAR_STYLE))
ANY_COPYRIGHT_COMPILED = re.compile(ANY_COPYRIGHT_STYLE_OR_YEAR_STYLE)
def compile_copyright_regex(copyright_style, year_style, name):
return re.compile('%s %s %s' % (copyright_style, year_style, name))
EXPECTED_HOLDER_NAMES = [
"Satoshi Nakamoto\n",
"The Mulecoin Core developers\n",
"The Mulecoin Core developers \n",
"Mulecoin Core Developers\n",
"the Mulecoin Core developers\n",
"The Mulecoin developers\n",
"The LevelDB Authors\. All rights reserved\.\n",
"BitPay Inc\.\n",
"BitPay, Inc\.\n",
"University of Illinois at Urbana-Champaign\.\n",
"MarcoFalke\n",
"Pieter Wuille\n",
"Pieter Wuille +\*\n",
"Pieter Wuille, Gregory Maxwell +\*\n",
"Pieter Wuille, Andrew Poelstra +\*\n",
"Andrew Poelstra +\*\n",
"Wladimir J. van der Laan\n",
"Jeff Garzik\n",
"Diederik Huys, Pieter Wuille +\*\n",
"Thomas Daede, Cory Fields +\*\n",
"Jan-Klaas Kollhof\n",
"Sam Rushing\n",
"ArtForz -- public domain half-a-node\n",
]
DOMINANT_STYLE_COMPILED = {}
YEAR_LIST_STYLE_COMPILED = {}
WITHOUT_C_STYLE_COMPILED = {}
for holder_name in EXPECTED_HOLDER_NAMES:
DOMINANT_STYLE_COMPILED[holder_name] = (
compile_copyright_regex(COPYRIGHT_WITH_C, YEAR_RANGE, holder_name))
YEAR_LIST_STYLE_COMPILED[holder_name] = (
compile_copyright_regex(COPYRIGHT_WITH_C, YEAR_LIST, holder_name))
WITHOUT_C_STYLE_COMPILED[holder_name] = (
compile_copyright_regex(COPYRIGHT_WITHOUT_C, ANY_YEAR_STYLE,
holder_name))
################################################################################
# search file contents for copyright message of particular category
################################################################################
def get_count_of_copyrights_of_any_style_any_holder(contents):
return len(ANY_COPYRIGHT_COMPILED.findall(contents))
def file_has_dominant_style_copyright_for_holder(contents, holder_name):
match = DOMINANT_STYLE_COMPILED[holder_name].search(contents)
return match is not None
def file_has_year_list_style_copyright_for_holder(contents, holder_name):
match = YEAR_LIST_STYLE_COMPILED[holder_name].search(contents)
return match is not None
def file_has_without_c_style_copyright_for_holder(contents, holder_name):
match = WITHOUT_C_STYLE_COMPILED[holder_name].search(contents)
return match is not None
################################################################################
# get file info
################################################################################
def read_file(filename):
return open(os.path.abspath(filename), 'r', encoding="utf8").read()
def gather_file_info(filename):
info = {}
info['filename'] = filename
c = read_file(filename)
info['contents'] = c
info['all_copyrights'] = get_count_of_copyrights_of_any_style_any_holder(c)
info['classified_copyrights'] = 0
info['dominant_style'] = {}
info['year_list_style'] = {}
info['without_c_style'] = {}
for holder_name in EXPECTED_HOLDER_NAMES:
has_dominant_style = (
file_has_dominant_style_copyright_for_holder(c, holder_name))
has_year_list_style = (
file_has_year_list_style_copyright_for_holder(c, holder_name))
has_without_c_style = (
file_has_without_c_style_copyright_for_holder(c, holder_name))
info['dominant_style'][holder_name] = has_dominant_style
info['year_list_style'][holder_name] = has_year_list_style
info['without_c_style'][holder_name] = has_without_c_style
if has_dominant_style or has_year_list_style or has_without_c_style:
info['classified_copyrights'] = info['classified_copyrights'] + 1
return info
################################################################################
# report execution
################################################################################
SEPARATOR = '-'.join(['' for _ in range(80)])
def print_filenames(filenames, verbose):
if not verbose:
return
for filename in filenames:
print("\t%s" % filename)
def print_report(file_infos, verbose):
print(SEPARATOR)
examined = [i['filename'] for i in file_infos]
print("%d files examined according to INCLUDE and EXCLUDE fnmatch rules" %
len(examined))
print_filenames(examined, verbose)
print(SEPARATOR)
print('')
zero_copyrights = [i['filename'] for i in file_infos if
i['all_copyrights'] == 0]
print("%4d with zero copyrights" % len(zero_copyrights))
print_filenames(zero_copyrights, verbose)
one_copyright = [i['filename'] for i in file_infos if
i['all_copyrights'] == 1]
print("%4d with one copyright" % len(one_copyright))
print_filenames(one_copyright, verbose)
two_copyrights = [i['filename'] for i in file_infos if
i['all_copyrights'] == 2]
print("%4d with two copyrights" % len(two_copyrights))
print_filenames(two_copyrights, verbose)
three_copyrights = [i['filename'] for i in file_infos if
i['all_copyrights'] == 3]
print("%4d with three copyrights" % len(three_copyrights))
print_filenames(three_copyrights, verbose)
four_or_more_copyrights = [i['filename'] for i in file_infos if
i['all_copyrights'] >= 4]
print("%4d with four or more copyrights" % len(four_or_more_copyrights))
print_filenames(four_or_more_copyrights, verbose)
print('')
print(SEPARATOR)
print('Copyrights with dominant style:\ne.g. "Copyright (c)" and '
'"<year>" or "<startYear>-<endYear>":\n')
for holder_name in EXPECTED_HOLDER_NAMES:
dominant_style = [i['filename'] for i in file_infos if
i['dominant_style'][holder_name]]
if len(dominant_style) > 0:
print("%4d with '%s'" % (len(dominant_style),
holder_name.replace('\n', '\\n')))
print_filenames(dominant_style, verbose)
print('')
print(SEPARATOR)
print('Copyrights with year list style:\ne.g. "Copyright (c)" and '
'"<year1>, <year2>, ...":\n')
for holder_name in EXPECTED_HOLDER_NAMES:
year_list_style = [i['filename'] for i in file_infos if
i['year_list_style'][holder_name]]
if len(year_list_style) > 0:
print("%4d with '%s'" % (len(year_list_style),
holder_name.replace('\n', '\\n')))
print_filenames(year_list_style, verbose)
print('')
print(SEPARATOR)
print('Copyrights with no "(c)" style:\ne.g. "Copyright" and "<year>" or '
'"<startYear>-<endYear>":\n')
for holder_name in EXPECTED_HOLDER_NAMES:
without_c_style = [i['filename'] for i in file_infos if
i['without_c_style'][holder_name]]
if len(without_c_style) > 0:
print("%4d with '%s'" % (len(without_c_style),
holder_name.replace('\n', '\\n')))
print_filenames(without_c_style, verbose)
print('')
print(SEPARATOR)
unclassified_copyrights = [i['filename'] for i in file_infos if
i['classified_copyrights'] < i['all_copyrights']]
print("%d with unexpected copyright holder names" %
len(unclassified_copyrights))
print_filenames(unclassified_copyrights, verbose)
print(SEPARATOR)
def exec_report(base_directory, verbose):
original_cwd = os.getcwd()
os.chdir(base_directory)
filenames = get_filenames_to_examine()
file_infos = [gather_file_info(f) for f in filenames]
print_report(file_infos, verbose)
os.chdir(original_cwd)
################################################################################
# report cmd
################################################################################
REPORT_USAGE = """
Produces a report of all copyright header notices found inside the source files
of a repository.
Usage:
$ ./copyright_header.py report <base_directory> [verbose]
Arguments:
<base_directory> - The base directory of a mulecoin source code repository.
[verbose] - Includes a list of every file of each subcategory in the report.
"""
def report_cmd(argv):
if len(argv) == 2:
sys.exit(REPORT_USAGE)
base_directory = argv[2]
if not os.path.exists(base_directory):
sys.exit("*** bad <base_directory>: %s" % base_directory)
if len(argv) == 3:
verbose = False
elif argv[3] == 'verbose':
verbose = True
else:
sys.exit("*** unknown argument: %s" % argv[2])
exec_report(base_directory, verbose)
################################################################################
# query git for year of last change
################################################################################
GIT_LOG_CMD = "git log --pretty=format:%%ai %s"
def call_git_log(filename):
out = subprocess.check_output((GIT_LOG_CMD % filename).split(' '))
return out.decode("utf-8").split('\n')
def get_git_change_years(filename):
git_log_lines = call_git_log(filename)
if len(git_log_lines) == 0:
return [datetime.date.today().year]
# timestamp is in ISO 8601 format. e.g. "2016-09-05 14:25:32 -0600"
return [line.split(' ')[0].split('-')[0] for line in git_log_lines]
def get_most_recent_git_change_year(filename):
return max(get_git_change_years(filename))
################################################################################
# read and write to file
################################################################################
def read_file_lines(filename):
f = open(os.path.abspath(filename), 'r', encoding="utf8")
file_lines = f.readlines()
f.close()
return file_lines
def write_file_lines(filename, file_lines):
f = open(os.path.abspath(filename), 'w', encoding="utf8")
f.write(''.join(file_lines))
f.close()
################################################################################
# update header years execution
################################################################################
COPYRIGHT = 'Copyright \(c\)'
YEAR = "20[0-9][0-9]"
YEAR_RANGE = '(%s)(-%s)?' % (YEAR, YEAR)
HOLDER = 'The Mulecoin Core developers'
UPDATEABLE_LINE_COMPILED = re.compile(' '.join([COPYRIGHT, YEAR_RANGE, HOLDER]))
def get_updatable_copyright_line(file_lines):
index = 0
for line in file_lines:
if UPDATEABLE_LINE_COMPILED.search(line) is not None:
return index, line
index = index + 1
return None, None
def parse_year_range(year_range):
year_split = year_range.split('-')
start_year = year_split[0]
if len(year_split) == 1:
return start_year, start_year
return start_year, year_split[1]
def year_range_to_str(start_year, end_year):
if start_year == end_year:
return start_year
return "%s-%s" % (start_year, end_year)
def create_updated_copyright_line(line, last_git_change_year):
copyright_splitter = 'Copyright (c) '
copyright_split = line.split(copyright_splitter)
# Preserve characters on line that are ahead of the start of the copyright
# notice - they are part of the comment block and vary from file-to-file.
before_copyright = copyright_split[0]
after_copyright = copyright_split[1]
space_split = after_copyright.split(' ')
year_range = space_split[0]
start_year, end_year = parse_year_range(year_range)
if end_year == last_git_change_year:
return line
return (before_copyright + copyright_splitter +
year_range_to_str(start_year, last_git_change_year) + ' ' +
' '.join(space_split[1:]))
def update_updatable_copyright(filename):
file_lines = read_file_lines(filename)
index, line = get_updatable_copyright_line(file_lines)
if not line:
print_file_action_message(filename, "No updatable copyright.")
return
last_git_change_year = get_most_recent_git_change_year(filename)
new_line = create_updated_copyright_line(line, last_git_change_year)
if line == new_line:
print_file_action_message(filename, "Copyright up-to-date.")
return
file_lines[index] = new_line
write_file_lines(filename, file_lines)
print_file_action_message(filename,
"Copyright updated! -> %s" % last_git_change_year)
def exec_update_header_year(base_directory):
original_cwd = os.getcwd()
os.chdir(base_directory)
for filename in get_filenames_to_examine():
update_updatable_copyright(filename)
os.chdir(original_cwd)
################################################################################
# update cmd
################################################################################
UPDATE_USAGE = """
Updates all the copyright headers of "The Mulecoin Core developers" which were
changed in a year more recent than is listed. For example:
// Copyright (c) <firstYear>-<lastYear> The Bitcoin Core developers
// Copyright (c) 2017-2019 The Raven Core developers
// Copyright (c) 2020-2021 The Mulecoin Core developers
will be updated to:
// Copyright (c) <firstYear>-<lastModifiedYear> The Bitcoin Core developers
// Copyright (c) 2017-2019 The Raven Core developers
// Copyright (c) 2020-2021 The Mulecoin Core developers
where <lastModifiedYear> is obtained from the 'git log' history.
This subcommand also handles copyright headers that have only a single year. In those cases:
// Copyright (c) <year> The Bitcoin Core developers
// Copyright (c) 2017-2019 The Raven Core developers
// Copyright (c) 2020-2021 The Mulecoin Core developers
will be updated to:
// Copyright (c) <year>-<lastModifiedYear> The Bitcoin Core developers
// Copyright (c) 2017-2019 The Raven Core developers
// Copyright (c) 2020-2021 The Mulecoin Core developers
where the update is appropriate.
Usage:
$ ./copyright_header.py update <base_directory>
Arguments:
<base_directory> - The base directory of a mulecoin source code repository.
"""
def print_file_action_message(filename, action):
print("%-52s %s" % (filename, action))
def update_cmd(argv):
if len(argv) != 3:
sys.exit(UPDATE_USAGE)
base_directory = argv[2]
if not os.path.exists(base_directory):
sys.exit("*** bad base_directory: %s" % base_directory)
exec_update_header_year(base_directory)
################################################################################
# inserted copyright header format
################################################################################
def get_header_lines(header, start_year, end_year):
lines = header.split('\n')[1:-1]
lines[0] = lines[0] % year_range_to_str(start_year, end_year)
return [line + '\n' for line in lines]
CPP_HEADER = '''
// Copyright (c) %s The Bitcoin Core developers
// Copyright (c) 2017-2019 The Raven Core developers
// Copyright (c) 2020-2021 The Mulecoin Core developers
// Distributed under the MIT software license, see the accompanying
// file COPYING or http://www.opensource.org/licenses/mit-license.php.
'''
def get_cpp_header_lines_to_insert(start_year, end_year):
return reversed(get_header_lines(CPP_HEADER, start_year, end_year))
PYTHON_HEADER = '''
# Copyright (c) %s The Bitcoin Core developers
# Copyright (c) 2017-2019 The Raven Core developers
# Distributed under the MIT software license, see the accompanying
# file COPYING or http://www.opensource.org/licenses/mit-license.php.
'''
def get_python_header_lines_to_insert(start_year, end_year):
return reversed(get_header_lines(PYTHON_HEADER, start_year, end_year))
################################################################################
# query git for year of last change
################################################################################
def get_git_change_year_range(filename):
years = get_git_change_years(filename)
return min(years), max(years)
################################################################################
# check for existing core copyright
################################################################################
def file_already_has_core_copyright(file_lines):
index, _ = get_updatable_copyright_line(file_lines)
return index != None
################################################################################
# insert header execution
################################################################################
def file_has_hashbang(file_lines):
if len(file_lines) < 1:
return False
if len(file_lines[0]) <= 2:
return False
return file_lines[0][:2] == '#!'
def insert_python_header(filename, file_lines, start_year, end_year):
if file_has_hashbang(file_lines):
insert_idx = 1
else:
insert_idx = 0
header_lines = get_python_header_lines_to_insert(start_year, end_year)
for line in header_lines:
file_lines.insert(insert_idx, line)
write_file_lines(filename, file_lines)
def insert_cpp_header(filename, file_lines, start_year, end_year):
header_lines = get_cpp_header_lines_to_insert(start_year, end_year)
for line in header_lines:
file_lines.insert(0, line)
write_file_lines(filename, file_lines)
def exec_insert_header(filename, style):
file_lines = read_file_lines(filename)
if file_already_has_core_copyright(file_lines):
sys.exit('*** %s already has a copyright by The Core developers'
% (filename))
start_year, end_year = get_git_change_year_range(filename)
if style == 'python':
insert_python_header(filename, file_lines, start_year, end_year)
else:
insert_cpp_header(filename, file_lines, start_year, end_year)
################################################################################
# insert cmd
################################################################################
INSERT_USAGE = """
Inserts a copyright header for "The Mulecoin Core developers" at the top of the
file in either Python or C++ style as determined by the file extension. If the
file is a Python file and it has a '#!' starting the first line, the header is
inserted in the line below it.
The copyright dates will be set to be:
"<year_introduced>-<current_year>"
where <year_introduced> is according to the 'git log' history. If
<year_introduced> is equal to <current_year>, the date will be set to be:
"<current_year>"
If the file already has a copyright for "The Mulecoin Core developers", the
script will exit.
Usage:
$ ./copyright_header.py insert <file>
Arguments:
<file> - A source file in the mulecoin repository.
"""
def insert_cmd(argv):
if len(argv) != 3:
sys.exit(INSERT_USAGE)
filename = argv[2]
if not os.path.isfile(filename):
sys.exit("*** bad filename: %s" % filename)
_, extension = os.path.splitext(filename)
if extension not in ['.h', '.cpp', '.cc', '.c', '.py']:
sys.exit("*** cannot insert for file extension %s" % extension)
if extension == '.py':
style = 'python'
else:
style = 'cpp'
exec_insert_header(filename, style)
################################################################################
# UI
################################################################################
USAGE = """
copyright_header.py - utilities for managing copyright headers of 'The Mulecoin
Core developers' in repository source files.
Usage:
$ ./copyright_header <subcommand>
Subcommands:
report
update
insert
To see subcommand usage, run them without arguments.
"""
SUBCOMMANDS = ['report', 'update', 'insert']
if __name__ == "__main__":
if len(sys.argv) == 1:
sys.exit(USAGE)
subcommand = sys.argv[1]
if subcommand not in SUBCOMMANDS:
sys.exit(USAGE)
if subcommand == 'report':
report_cmd(sys.argv)
elif subcommand == 'update':
update_cmd(sys.argv)
elif subcommand == 'insert':
insert_cmd(sys.argv)
| [
"[email protected]"
] | |
71619690ce1315a1467d2da14697223edb31bfb4 | 195915dab8406c2e934d0ffa8c500b1317c5e6f1 | /bestrestra/settings.py | 220f1de76ec4f3342e69561c80dc947ed02197e7 | [] | no_license | theparadoxer02/bestrestra | 28c2e46ae124a7496d889933daefe3c36dbbe9a2 | 13dccc988ee78eebc685111cb486a8c1342deb3c | refs/heads/master | 2020-12-24T19:51:07.521744 | 2017-03-26T08:09:18 | 2017-03-26T08:09:18 | 86,217,158 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,586 | py | """
Django settings for bestrestra project.
Generated by 'django-admin startproject' using Django 1.10.6.
For more information on this file, see
https://docs.djangoproject.com/en/1.10/topics/settings/
For the full list of settings and their values, see
https://docs.djangoproject.com/en/1.10/ref/settings/
"""
import os
# Build paths inside the project like this: os.path.join(BASE_DIR, ...)
BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
PROJECT_ROOT = os.path.dirname(os.path.abspath(__file__))
# Quick-start development settings - unsuitable for production
# See https://docs.djangoproject.com/en/1.10/howto/deployment/checklist/
# SECURITY WARNING: keep the secret key used in production secret!
SECRET_KEY = 'na-%mmzwa4(a%9erh$fsqxs_)4ur_-$sbeof6u!2%ptq)u4xn&'
# SECURITY WARNING: don't run with debug turned on in production!
DEBUG = True
ALLOWED_HOSTS = []
# Application definition
INSTALLED_APPS = [
'django.contrib.admin',
'django.contrib.auth',
'django.contrib.contenttypes',
'django.contrib.sessions',
'django.contrib.messages',
'django.contrib.staticfiles',
]
MIDDLEWARE = [
'django.middleware.security.SecurityMiddleware',
'django.contrib.sessions.middleware.SessionMiddleware',
'django.middleware.common.CommonMiddleware',
'django.middleware.csrf.CsrfViewMiddleware',
'django.contrib.auth.middleware.AuthenticationMiddleware',
'django.contrib.messages.middleware.MessageMiddleware',
'django.middleware.clickjacking.XFrameOptionsMiddleware',
]
ROOT_URLCONF = 'bestrestra.urls'
TEMPLATES = [
{
'BACKEND': 'django.template.backends.django.DjangoTemplates',
'DIRS': [os.path.join(BASE_DIR, 'bestresta/templates')],
'APP_DIRS': True,
'OPTIONS': {
'context_processors': [
'django.template.context_processors.debug',
'django.template.context_processors.request',
'django.contrib.auth.context_processors.auth',
'django.contrib.messages.context_processors.messages',
],
},
},
]
WSGI_APPLICATION = 'bestrestra.wsgi.application'
# Database
# https://docs.djangoproject.com/en/1.10/ref/settings/#databases
DATABASES = {
'default': {
'ENGINE': 'django.db.backends.postgresql_psycopg2',
'NAME': 'clashhacks',
'USER': 'abhi'
}
}
# Password validation
# https://docs.djangoproject.com/en/1.10/ref/settings/#auth-password-validators
AUTH_PASSWORD_VALIDATORS = [
{
'NAME': 'django.contrib.auth.password_validation.UserAttributeSimilarityValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.MinimumLengthValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.CommonPasswordValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.NumericPasswordValidator',
},
]
# Internationalization
# https://docs.djangoproject.com/en/1.10/topics/i18n/
LANGUAGE_CODE = 'en-us'
TIME_ZONE = 'UTC'
USE_I18N = True
USE_L10N = True
USE_TZ = True
# Static files (CSS, JavaScript, Images)
# https://docs.djangoproject.com/en/1.10/howto/static-files/
STATIC_ROOT = os.path.join(PROJECT_ROOT, 'staticfiles')
STATIC_URL = '/static/'
STATICFILES_DIRS = [
os.path.join(PROJECT_ROOT, 'static'),
]
import dj_database_url
DATABASES['default'] = dj_database_url.config()
SECURE_PROXY_SSL_HEADER = ('HTTP_X_FORWARDED_PROTO', 'https')
ALLOWED_HOSTS = ['*']
DEBUG = False
try:
from .local_settings import *
except ImportError:
pass | [
"[email protected]"
] | |
f2759daadeefa6b3f075de304b18660a2ca0c449 | 5b4c803f68e52849a1c1093aac503efc423ad132 | /UnPyc/tests/tests/CFG/2/pass/pass_try+finally_while_.py | 258bc6132acf68332fcb6f7045d21347c4336fcd | [] | no_license | Prashant-Jonny/UnPyc | 9ce5d63b1e0d2ec19c1faa48d932cc3f71f8599c | 4b9d4ab96dfc53a0b4e06972443e1402e9dc034f | refs/heads/master | 2021-01-17T12:03:17.314248 | 2013-02-22T07:22:35 | 2013-02-22T07:22:35 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 44 | py | while 1:
try:
pass
finally:
pass
| [
"[email protected]"
] | |
53e45f6370195df23f3ec7adf095359fb79e466e | 478c4a01990f514813d4dd05faac39d18f0cdc9f | /clang/utils/creduce_crash_testcase.py | 7affc59f42ac64f487de68eb42f717b932ee9a5c | [
"Apache-2.0",
"LLVM-exception",
"NCSA"
] | permissive | capt-hb/llvm-project | 6632477ecc28c07244dfe961dd7b25143f84b51f | 3214ab1279d10920828877865b3286266600666d | refs/heads/master | 2022-10-09T04:24:03.973787 | 2020-06-08T14:12:29 | 2020-06-08T14:12:29 | 212,033,396 | 0 | 2 | null | 2019-10-01T07:08:10 | 2019-10-01T07:08:09 | null | UTF-8 | Python | false | false | 68,098 | py | #!/usr/bin/env python3
# PYTHON_ARGCOMPLETE_OK
import argparse
import re
import os
import tempfile
import shutil
import shlex
import subprocess
import sys
import resource
import typing
from abc import ABCMeta, abstractmethod
from enum import Enum
from pathlib import Path
lit_path = Path(__file__).parent.parent.parent / "llvm/utils/lit"
if not lit_path.exists():
sys.exit("Cannot find lit in expected path " + str(lit_path))
sys.path.insert(1, str(lit_path))
from lit.llvm.config import LLVMConfig, FindTool, ToolSubst
import lit.TestRunner
try:
from colors import blue, red, green, bold
except ImportError:
print("Install the ansicolors package for coloured output.")
# noinspection PyUnusedLocal
def blue(s, bg=None, style=None):
return s
bold = blue
red = blue
green = blue
options = None # type: Options
def verbose_print(*args, **kwargs):
global options
if options.verbose:
print(*args, **kwargs)
def extremely_verbose_print(*args, **kwargs):
global options
if options.extremely_verbose:
print(*args, **kwargs)
def quote_cmd(cmd: typing.List[str]):
return " ".join(shlex.quote(s) for s in cmd)
def die(*args):
sys.exit(red(" ".join(map(str, args)), style="bold"))
def run(cmd: list, **kwargs):
print(cmd, kwargs)
subprocess.check_call(list(map(str, cmd)), **kwargs)
class ErrorKind(Enum):
CRASH = tuple()
INFINITE_LOOP = (b"INFINITE LOOP:", )
FATAL_ERROR = (b"fatal error:", b"LLVM ERROR:", b"*** Bad machine code:")
AddressSanitizer_ERROR = (b"ERROR: AddressSanitizer:", )
class LitSubstitutionHandler(object):
class _FakeLitConfig(object):
def __init__(self, args: "Options"):
self.params = dict(CHERI_CAP_SIZE="16")
self.quiet = True
def note(self, msg):
print(blue(msg))
def fatal(self, msg):
sys.exit(msg)
class _FakeLitParams(object):
def __init__(self, args: "Options"):
self.available_features = set()
self.substitutions = []
self.llvm_tools_dir = str(args.bindir)
self.environment = os.environ.copy()
self.name = "reduce-crash"
# Don't matter but are needed for clang substitutions
self.target_triple = "x86_64-unknown-linux-gnu"
self.host_triple = "x86_64-unknown-linux-gnu"
def __init__(self, args: "Options"):
llvm_config = LLVMConfig(LitSubstitutionHandler._FakeLitConfig(args), LitSubstitutionHandler._FakeLitParams(args))
llvm_config.use_default_substitutions()
# Not really required but makes debugging tests easier
llvm_config.use_clang()
llvm_config.add_cheri_tool_substitutions(["llc", "opt", "llvm-mc"])
llvm_tools = [
'dsymutil', 'lli', 'lli-child-target', 'llvm-ar', 'llvm-as',
'llvm-bcanalyzer', 'llvm-config', 'llvm-cov', 'llvm-cxxdump', 'llvm-cvtres',
'llvm-diff', 'llvm-dis', 'llvm-dwarfdump', 'llvm-exegesis', 'llvm-extract',
'llvm-isel-fuzzer', 'llvm-ifs', 'llvm-install-name-tool',
'llvm-jitlink', 'llvm-opt-fuzzer', 'llvm-lib',
'llvm-link', 'llvm-lto', 'llvm-lto2', 'llvm-mc', 'llvm-mca',
'llvm-modextract', 'llvm-nm', 'llvm-objcopy', 'llvm-objdump',
'llvm-pdbutil', 'llvm-profdata', 'llvm-ranlib', 'llvm-rc', 'llvm-readelf',
'llvm-readobj', 'llvm-rtdyld', 'llvm-size', 'llvm-split', 'llvm-strings',
'llvm-strip', 'llvm-tblgen', 'llvm-undname', 'llvm-c-test', 'llvm-cxxfilt',
'llvm-xray', 'yaml2obj', 'obj2yaml', 'yaml-bench', 'verify-uselistorder',
'bugpoint', 'llc', 'llvm-symbolizer', 'opt', 'sancov', 'sanstats'
]
llvm_config.add_tool_substitutions(llvm_tools)
self.substitutions = llvm_config.config.substitutions
import pprint
pprint.pprint(self.substitutions)
def expand_lit_subtitutions(self, cmd: str) -> str:
result = lit.TestRunner.applySubstitutions([cmd], self.substitutions)
assert len(result) == 1
print(blue(cmd), "->", red(result))
return result[0]
# TODO: reverse apply:
def add_lit_substitutions(args: "Options", run_line: str) -> str:
for path, replacement in ((args.clang_cmd, "%clang"), (args.opt_cmd, "opt"), (args.llc_cmd, "llc")):
if str(path) in run_line:
run_line = run_line.replace(str(path), replacement)
break
run_line = re.sub("%clang\s+-cc1", "%clang_cc1", run_line)
# convert %clang_cc1 -target-cpu cheri to %cheri_cc1 / %cheri_purecap_cc1
run_line = run_line.replace("-Werror=implicit-int", "") # important for creduce but not for the test
if "%clang_cc1" in run_line:
target_cpu_re = r"-target-cpu\s+cheri[^\s]*\s*"
triple_cheri_freebsd_re = re.compile(r"-triple\s+((?:cheri|mips64c128|mips64c256)-unknown-freebsd\d*(-purecap)?)*\s+")
found_cheri_triple = None
triple_match = re.search(triple_cheri_freebsd_re, run_line)
print(triple_match)
if triple_match:
found_cheri_triple = triple_match.group(1)
if re.search(target_cpu_re, run_line) or found_cheri_triple:
run_line = re.sub(target_cpu_re, "", run_line) # remove
run_line = re.sub(triple_cheri_freebsd_re, "", run_line) # remove
run_line = run_line.replace("%clang_cc1", "%cheri_cc1")
run_line = run_line.replace("-mllvm -cheri128", "")
run_line = re.sub(r"-cheri-size \d+ ", "", run_line) # remove
run_line = re.sub(r"-target-cpu mips4 ", "", run_line) # remove
target_abi_re = re.compile(r"-target-abi\s+purecap\s*")
if re.search(target_abi_re, run_line) is not None or "-purecap" in found_cheri_triple:
run_line = re.sub(target_abi_re, "", run_line) # remove
assert "%cheri_cc1" in run_line
run_line = run_line.replace("%cheri_cc1", "%cheri_purecap_cc1")
if "llc " in run_line:
# TODO: convert the 128/256 variants?
triple_cheri_freebsd_re = re.compile(r"-mtriple=+((?:cheri|mips64c128|mips64c256)-unknown-freebsd\d*(-purecap)?)*\s+")
found_cheri_triple = None
triple_match = re.search(triple_cheri_freebsd_re, run_line)
if triple_match:
found_cheri_triple = triple_match.group(1)
run_line = re.sub(triple_cheri_freebsd_re, "", run_line) # remove triple
target_abi_re = re.compile(r"-target-abi\s+purecap\s*")
if re.search(target_abi_re, run_line) is not None or "-purecap" in found_cheri_triple:
# purecap
run_line = re.sub(target_abi_re, "", run_line) # remove
run_line = re.sub(r"\s-relocation-model=pic", "", run_line) # remove
run_line = re.sub("llc\s+", "%cheri_purecap_llc ", run_line) # remove triple
else:
# hybrid
run_line = re.sub("llc\s+", "%cheri_llc ", run_line) # remove triple
# remove 128 vs 256:
run_line = re.sub(r" -cheri-size \d+", "", run_line) # remove
run_line = re.sub(r" -mattr=\+cheri\d+", "", run_line) # remove
run_line = re.sub(r" -mcpu=\+cheri\d+", "", run_line) # remove
run_line = re.sub(r" -mattr=\+chericap", "", run_line) # remove (implied by %cheri)
if "opt " in run_line:
run_line = re.sub(r"opt\s+-mtriple=cheri-unknown-freebsd", "%cheri_opt", run_line)
return run_line
# to test the lit substitutions
# class fake_args:
# clang_cmd = "/path/to/clang"
# llc_cmd = "/path/to/llc"
# opt_cmd = "/path/to/opt"
#
# print(add_lit_substitutions(fake_args(), "llc -o /dev/null -mtriple=cheri-unknown-freebsd-purecap -relocation-model=pic -thread-model=posix -mattr=-noabicalls -mattr=+soft-float -mattr=+chericap -mattr=+cheri128 -target-abi purecap -float-abi=soft -vectorize-loops -vectorize-slp -mcpu=mips4 -O2 -mxcaptable=false -mips-ssection-threshold=0 -cheri-cap-table-abi=pcrel -verify-machineinstrs %s"))
# print(add_lit_substitutions(fake_args(), "%clang_cc1 -triple mips64c128-unknown-freebsd13-purecap -munwind-tables -fuse-init-array -target-cpu mips4 -target-abi purecap -cheri-size 128 -mllvm -cheri-cap-table-abi=pcrel -target-linker-version 450.3 -std=c++11 -fno-builtin -faddrsig -o - -emit-llvm -O0 -Wimplicit-int -Wfatal-errors %s"))
#
# sys.exit()
class ReduceTool(metaclass=ABCMeta):
def __init__(self, args: "Options", name: str, tool: Path) -> None:
self.tool = tool
self.name = name
self.exit_statement = ""
self.args = args
self.infile_name = None
self.not_interesting_exit_code = None # type: int
self.interesting_exit_code = None # type: int
print("Reducing test case using", name)
def _reduce_script_text(self, input_file: Path, run_cmds: typing.List[typing.List[str]]):
verbose_print("Generating reduce script for the following commands:", run_cmds)
# Handling timeouts in a shell script is awful -> just generate a python script instead
result = """#!/usr/bin/env python3
import subprocess
import os
import signal
import sys
# https://stackoverflow.com/questions/4789837/how-to-terminate-a-python-subprocess-launched-with-shell-true/4791612#4791612
def run_cmd(cmd, timeout):
with subprocess.Popen(cmd, shell=True, preexec_fn=os.setsid) as process:
try:
stdout, stderr = process.communicate(timeout=timeout)
retcode = process.poll()
return subprocess.CompletedProcess(process.args, retcode, stdout, stderr)
except subprocess.TimeoutExpired:
os.killpg(os.getpgid(process.pid), signal.SIGKILL)
process.kill()
raise subprocess.TimeoutExpired(process.args, timeout)
except:
os.killpg(os.getpgid(process.pid), signal.SIGKILL)
process.kill()
process.wait()
raise
"""
timeout_arg = self.args.timeout if self.args.timeout else "None"
for cmd in run_cmds:
# check for %s should have happened earlier
assert "%s" in cmd, cmd
compiler_cmd = quote_cmd(cmd).replace("%s", self.input_file_arg(input_file))
assert compiler_cmd.startswith("/"), "Command must use absolute path: " + compiler_cmd
grep_msg = ""
crash_flag = "--crash" if self.args.expected_error_kind in (None, ErrorKind.CRASH) else ""
if self.args.crash_message:
grep_msg += "2>&1 | grep -F " + shlex.quote(self.args.crash_message)
# exit once the first command crashes
timeout_exitcode = self.not_interesting_exit_code
if self.args.expected_error_kind == ErrorKind.INFINITE_LOOP:
timeout_exitcode = self.interesting_exit_code
result += """
try:
command = r'''{not_cmd} {crash_flag} {command} {grep_msg} '''
result = run_cmd(command, timeout={timeout_arg})
if result.returncode != 0:
sys.exit({not_interesting})
except subprocess.TimeoutExpired:
print("TIMED OUT", file=sys.stderr)
sys.exit({timeout_exitcode})
except Exception as e:
print("SOME OTHER ERROR:", e)
sys.exit({not_interesting})
""".format(timeout_arg=timeout_arg, not_interesting=self.not_interesting_exit_code, timeout_exitcode=timeout_exitcode,
not_cmd=self.args.not_cmd, crash_flag=crash_flag, command=compiler_cmd, grep_msg=grep_msg)
return result + "sys.exit(" + str(self.interesting_exit_code) + ")"
def _create_reduce_script(self, tmpdir: Path, input_file: Path, run_cmds):
reduce_script = Path(tmpdir, "reduce_script.sh").absolute()
reduce_script_text = self._reduce_script_text(input_file, run_cmds)
reduce_script.write_text(reduce_script_text)
print("Reduce script:\n", bold(reduce_script_text), sep="")
reduce_script.chmod(0o755)
if not self.is_reduce_script_interesting(reduce_script, input_file):
die("Reduce script is not interesting!")
return reduce_script
def create_test_case(self, input_text: str, test_case: Path,
run_lines: typing.List[str]):
processed_run_lines = []
# TODO: try to remove more flags from the RUN: line!
for run_line in run_lines:
verbose_print("Adding run line: ", run_line)
with_lit_subs = add_lit_substitutions(self.args, run_line)
verbose_print("Substituted line: ", with_lit_subs)
processed_run_lines.append(with_lit_subs)
result = "\n".join(processed_run_lines) + "\n" + input_text
with test_case.open("w", encoding="utf-8") as f:
f.write(result)
f.flush()
print("\nResulting test case ", test_case, sep="")
verbose_print(result)
def is_reduce_script_interesting(self, reduce_script: Path, input_file: Path) -> bool:
raise NotImplemented()
@abstractmethod
def reduce(self, input_file: Path, extra_args: list, tempdir: Path,
run_cmds: typing.List[typing.List[str]],
run_lines: typing.List[str]):
raise NotImplemented()
@abstractmethod
def input_file_arg(self, input_file: Path) -> str:
raise NotImplemented()
class RunBugpoint(ReduceTool):
def __init__(self, args: "Options") -> None:
super().__init__(args, "bugpoint", tool=args.bugpoint_cmd)
# bugpoint wants a non-zero exit code on interesting exit code
self.interesting_exit_code = 1 # type: int
self.not_interesting_exit_code = 0 # type: int
def reduce(self, input_file, extra_args, tempdir,
run_cmds: typing.List[typing.List[str]],
run_lines: typing.List[str]):
bugpoint = [self.tool, "-opt-command=" + str(self.args.opt_cmd), "-output-prefix=" + input_file.name]
if self.args.verbose:
bugpoint.append("-verbose-errors")
expected_output_file = Path.cwd() / (input_file.name + "-reduced-simplified.bc")
if expected_output_file.exists():
print("bugpoint output file already exists: ", bold(expected_output_file))
if input("Delete it and continue? [Y/n]").lower().startswith("n"):
die("Can't continue")
else:
expected_output_file.unlink()
# use a custom script to check for matching crash message:
# This is also needed when reducing infinite loops since otherwise bugpoint will just freeze
if self.args.crash_message or self.args.expected_error_kind == ErrorKind.INFINITE_LOOP:
# check that the reduce script is interesting:
# http://blog.llvm.org/2015/11/reduce-your-testcases-with-bugpoint-and.html
# ./bin/bugpoint -compile-custom -compile-command=./check.sh -opt-command=./bin/opt my_test_case.ll
reduce_script = self._create_reduce_script(tempdir, input_file.absolute(), run_cmds)
print("Checking whether reduce script works")
test_result = subprocess.run([str(reduce_script.absolute()), str(input_file)])
if test_result.returncode == 0:
die("Interestingness test failed for bugpoint. Does the command really crash? Script was",
reduce_script.read_text())
bugpoint += ["-compile-custom", "-compile-command=" + str(reduce_script.absolute()), input_file]
else:
bugpoint += ["-run-llc-ia", input_file]
tool_args = run_cmds[0][1:]
# filter the tool args
bugpoint += ["--tool-args", "--"]
skip_next = False
for arg in tool_args:
if skip_next:
skip_next = False
continue
elif "%s" in arg:
continue
elif arg.strip() == "-o":
skip_next = True
continue
else:
bugpoint.append(arg)
bugpoint += extra_args
print("About to run", bugpoint)
print("Working directory:", os.getcwd())
try:
env = os.environ.copy()
env["PATH"] = str(self.args.bindir) + ":" + env["PATH"]
try:
run(bugpoint, env=env)
except KeyboardInterrupt:
print(red("\nCTRL+C detected, stopping bugpoint.", style="bold"))
finally:
print("Output files are in:", os.getcwd())
# TODO: generate a test case from the output files?
if expected_output_file.exists():
print("Attempting to convert generated bitcode file to a test case...")
dis = subprocess.run([str(self.args.llvm_dis_cmd), "-o", "-", str(expected_output_file)], stdout=subprocess.PIPE)
# Rename instructions to avoid stupidly long names generated by bugpoint:
renamed = subprocess.run([str(self.args.opt_cmd), "-S", "-o", "-", "--instnamer", "--metarenamer",
"--name-anon-globals", str(expected_output_file)], stdout=subprocess.PIPE)
self.create_test_case(renamed.stdout.decode("utf-8"), input_file.with_suffix(".test" + input_file.suffix), run_lines)
def input_file_arg(self, input_file: Path):
# bugpoint expects a script that takes the input files as arguments:
return "''' + ' '.join(sys.argv[1:]) + '''"
def is_reduce_script_interesting(self, reduce_script: Path, input_file: Path) -> bool:
proc = subprocess.run([str(reduce_script), str(input_file)])
return proc.returncode == self.interesting_exit_code
class RunLLVMReduce(ReduceTool):
def __init__(self, args: "Options") -> None:
super().__init__(args, "llvm-reduce", tool=args.llvm_reduce_cmd)
# bugpoint wants a non-zero exit code on interesting exit code
self.interesting_exit_code = 0 # type: int
self.not_interesting_exit_code = 1 # type: int
def reduce(self, input_file, extra_args, tempdir, run_cmds: typing.List[typing.List[str]], run_lines: typing.List[str]):
expected_output_file = Path.cwd() / (input_file.name + "-reduced.ll")
if expected_output_file.exists():
print("bugpoint output file already exists: ", bold(expected_output_file))
if input("Delete it and continue? [Y/n]").lower().startswith("n"):
die("Can't continue")
else:
expected_output_file.unlink()
# This is also needed when reducing infinite loops since otherwise bugpoint will just freeze
reduce_script = self._create_reduce_script(tempdir, input_file.absolute(), run_cmds)
llvm_reduce = [self.tool, "--test=" + str(reduce_script.absolute()),
"--output=" + str(expected_output_file), input_file]
llvm_reduce += extra_args
print("About to run", llvm_reduce)
print("Working directory:", os.getcwd())
try:
env = os.environ.copy()
env["PATH"] = str(self.args.bindir) + ":" + env["PATH"]
try:
run(llvm_reduce, env=env)
except KeyboardInterrupt:
print(red("\nCTRL+C detected, stopping llvm-reduce.", style="bold"))
finally:
print("Output files are in:", os.getcwd())
# TODO: generate a test case from the output files?
if expected_output_file.exists():
# print("Renaming functions in test...")
# renamed = subprocess.run([str(self.args.opt_cmd), "-S", "-o", "-", "--instnamer", "--metarenamer",
# "--name-anon-globals", str(expected_output_file)], stdout=subprocess.PIPE)
# self.create_test_case(renamed.stdout.decode("utf-8"), input_file.with_suffix(".test" + input_file.suffix), run_lines)
self.create_test_case(expected_output_file.read_text("utf-8"), input_file.with_suffix(".test" + input_file.suffix), run_lines)
def input_file_arg(self, input_file: Path):
# llvm-reduce expects a script that takes the input files as arguments:
return "''' + ' '.join(sys.argv[1:]) + '''"
def is_reduce_script_interesting(self, reduce_script: Path, input_file: Path) -> bool:
proc = subprocess.run([str(reduce_script), str(input_file)])
return proc.returncode == self.interesting_exit_code
class RunCreduce(ReduceTool):
def __init__(self, args: "Options") -> None:
super().__init__(args, "creduce", tool=args.creduce_cmd)
self.exit_statement = "&& exit 0"
# creduce wants a zero exit code on interesting test cases
self.interesting_exit_code = 0
self.not_interesting_exit_code = 1
def reduce(self, input_file: Path, extra_args, tempdir,
run_cmds: typing.List[typing.List[str]],
run_lines: typing.List[str]):
reduce_script = self._create_reduce_script(tempdir, input_file.absolute(), run_cmds)
creduce = ["time", str(self.tool), str(reduce_script), str(input_file), "--timing"] + extra_args
# This is way too verbose
if self.args.extremely_verbose:
creduce.append("--print-diff")
print("About to run", creduce)
try:
# work around https://github.com/csmith-project/creduce/issues/195 for released versions of creduce
shutil.copy(str(input_file), str(Path(tempdir, input_file.name)))
run(creduce, cwd=tempdir)
except KeyboardInterrupt:
print(red("\nCTRL+C detected, stopping creduce.", style="bold"))
# write the output test file:
print("\nDONE!")
self.create_test_case(input_file.read_text(encoding="utf-8"),
input_file.with_suffix(".test" + input_file.suffix),
run_lines)
def input_file_arg(self, input_file: Path):
# creduce creates an input file in the test directory with the same name as the original input
return input_file.name
def is_reduce_script_interesting(self, reduce_script: Path, input_file: Path) -> bool:
if self.args.verbose:
return self.__is_reduce_script_interesting(reduce_script, input_file)
else:
return True # creduce checks anyway, this just wastes time
@staticmethod
def __is_reduce_script_interesting(reduce_script: Path, input_file: Path) -> bool:
with tempfile.TemporaryDirectory() as tmpdir:
shutil.copy(str(input_file), str(Path(tmpdir, input_file.name)))
proc = subprocess.run([str(reduce_script), str(input_file)], cwd=tmpdir)
return proc.returncode == 0
class SkipReducing(ReduceTool):
def __init__(self, args: "Options") -> None:
super().__init__(args, "noop", tool=Path("/dev/null"))
def reduce(self, input_file, extra_args, tempdir,
run_cmds: typing.List[typing.List[str]],
run_lines: typing.List[str]):
self.create_test_case("Some strange reduced test case\n",
input_file.with_suffix(".test" + input_file.suffix), run_lines)
def input_file_arg(self, input_file: Path) -> str:
raise NotImplemented()
class Options(object):
# noinspection PyUnresolvedReferences
def __init__(self, args: argparse.Namespace) -> None:
self.verbose = args.verbose # type: bool
self.timeout = args.timeout # type: int
self.extremely_verbose = args.extremely_verbose # type: bool
self.bindir = Path(args.bindir)
self.args = args
self.no_initial_reduce = args.no_initial_reduce # type: bool
self.crash_message = args.crash_message # type: str
self.llvm_error = args.llvm_error # type: bool
# could also be an LLVM error or Address Sanitizer error that returns a non-crash exit code
self.expected_error_kind = None # type: ErrorKind
if self.llvm_error:
self.expected_error_kind = ErrorKind.FATAL_ERROR
if args.infinite_loop:
if not self.timeout:
self.timeout = 30
self.expected_error_kind = ErrorKind.INFINITE_LOOP
@property
def clang_cmd(self):
return self._get_command("clang")
@property
def opt_cmd(self):
return self._get_command("opt")
@property
def not_cmd(self):
return self._get_command("not")
@property
def llc_cmd(self):
return self._get_command("llc")
@property
def llvm_dis_cmd(self):
return self._get_command("llvm-dis")
@property
def bugpoint_cmd(self):
return self._get_command("bugpoint")
@property
def llvm_reduce_cmd(self):
return self._get_command("llvm-reduce")
@property
def creduce_cmd(self):
# noinspection PyUnresolvedReferences
creduce_path = self.args.creduce_cmd or shutil.which("creduce")
if not creduce_path:
die("Could not find `creduce` in $PATH. Add it to $PATH or pass --creduce-cmd")
return Path(creduce_path)
def _get_command(self, name):
result = Path(getattr(self.args, name + "_cmd", None) or Path(self.bindir, name))
if not result.exists():
die("Invalid `" + name + "` binary`", result)
return result
class Reducer(object):
def __init__(self, parser: argparse.ArgumentParser) -> None:
self.args, self.reduce_args = parser.parse_known_args()
if self.args.extremely_verbose:
self.args.verbose = True
global options
options = Options(self.args)
self.options = options
self.subst_handler = LitSubstitutionHandler(options)
self.testcase = Path(self.args.testcase)
# RUN: lines to add to the test case
self.run_lines = [] # type: typing.List[str]
# the lines without RUN: suitably quoted for passing to a shell
self.run_cmds = [] # type: typing.List[typing.List[str]]
self.reduce_tool = None # type: ReduceTool
# returns the real input file
def parse_RUN_lines(self, infile: Path) -> Path:
is_crash_reproducer = infile.suffix == ".sh"
if is_crash_reproducer:
verbose_print("Input file is a crash reproducer script")
verbose_print("Finding test command(s) in", infile)
with infile.open("r", errors="replace", encoding="utf-8") as f:
if is_crash_reproducer:
real_infile = self._parse_crash_reproducer(infile, f)
else:
real_infile = infile
self._parse_test_case(f, infile)
if len(self.run_cmds) < 1:
die("Could not find any RUN: lines in", infile)
return real_infile
def _parse_crash_reproducer(self, infile, f) -> Path:
real_in_file = None
for line in f.readlines():
if line.strip().startswith("#"):
continue
command = shlex.split(line)
if "clang" not in command[0]:
die("Executed program should contain 'clang', but was", command[0])
source_file_index = -1
source_file_name = command[source_file_index]
source_file = infile.with_name(source_file_name)
while source_file_name.startswith("-"):
print("WARNING: crash reproducer command line probably does not end with the input file",
"name: got", blue(source_file_name), "which is probably not a file!")
source_file_index = source_file_index - 1
source_file_name = command[source_file_index]
source_file = infile.with_name(source_file_name)
if not source_file.exists():
continue
if not source_file.exists():
die("Reproducer input file", source_file, "does not exist!")
real_in_file = source_file
verbose_print("Real input file is", real_in_file)
command[source_file_index] = "%s"
# output to stdout
if "-o" not in command:
print("Adding '-o -' to the compiler invocation")
command += ["-o", "-"]
# try to remove all unnecessary command line arguments
command[0] = str(self.options.clang_cmd) # replace command with the clang binary
command, real_in_file = self.simplify_crash_command(command, real_in_file.absolute())
assert Path(command[0]).is_absolute(), "Command must be absolute: " + command[0]
quoted_cmd = quote_cmd(command)
verbose_print("Test command is", bold(quoted_cmd))
self.run_cmds.append(command)
if real_in_file.suffix == ".ll":
comment_start = ";"
elif real_in_file.suffix in (".S", ".s"):
comment_start = "#"
else:
comment_start = "//"
self.run_lines.append(comment_start + " RUN: " + quoted_cmd)
if not real_in_file:
die("Could not compute input file for crash reproducer")
return real_in_file
def _check_crash(self, command, infile, proc_info: subprocess.CompletedProcess=None, force_print_cmd=False) -> typing.Optional[ErrorKind]:
# command = ["/tmp/crash"]
full_cmd = command + [str(infile)]
assert "%s" not in full_cmd, full_cmd
if force_print_cmd:
print("\nRunning", blue(quote_cmd(full_cmd)))
else:
verbose_print("\nRunning", blue(quote_cmd(full_cmd)))
if self.args.reduce_tool == "noop":
if proc_info is not None:
proc_info.stderr = b"Assertion `noop' failed."
print(green(" yes"))
return ErrorKind.CRASH
infinite_loop_timeout = self.options.timeout if self.options.timeout else 30
try:
proc = subprocess.run(full_cmd, stdout=subprocess.DEVNULL, stderr=subprocess.PIPE,
timeout=infinite_loop_timeout)
error_kind = None
if proc.returncode < 0 or proc.returncode == 254:
error_kind = ErrorKind.CRASH
else:
verbose_print("Exit code", proc.returncode, "was not a crash, checking stderr for known error.")
verbose_print("stderr:", proc.stderr)
# treat fatal llvm errors (cannot select, etc)as crashes too
# Also ASAN errors just return 1 instead of a negative exit code so we have to grep the message
for kind in ErrorKind:
if kind.value:
verbose_print("Checking for", kind.value)
if any(msg in proc.stderr for msg in kind.value):
verbose_print("Crash was", kind)
error_kind = kind
break
except subprocess.TimeoutExpired as e:
proc = subprocess.CompletedProcess(e.args, -1, e.stdout, e.stderr)
error_kind = ErrorKind.INFINITE_LOOP
verbose_print("Running took longer than", infinite_loop_timeout, "seconds -> assuming infinite loop")
if proc_info is not None: # To get the initial error message:
proc_info.stdout = proc.stdout
proc_info.stderr = proc.stderr
proc_info.returncode = proc.returncode
proc_info.args = proc.args
if error_kind:
if self.options.expected_error_kind and self.options.expected_error_kind != error_kind:
print(red(" yes, but got " + error_kind.name + " instead of " + self.options.expected_error_kind.name))
return None
crash_message_found = not self.options.crash_message or (self.options.crash_message in proc.stderr.decode("utf-8"))
if error_kind == ErrorKind.INFINITE_LOOP or crash_message_found:
print(green(" yes"))
return error_kind
else:
print(red(" yes, but with a different crash message!"))
print("Note: Expected crash message '", bold(self.options.crash_message), "' not found in:\n",
proc.stderr.decode("utf-8"), sep="")
return None
print(red(" no"))
return None
@staticmethod
def _filter_args(args, *, noargs_opts_to_remove=list(), noargs_opts_to_remove_startswith=list(),
one_arg_opts_to_remove=list(), one_arg_opts_to_remove_if=None):
if one_arg_opts_to_remove_if is None:
one_arg_opts_to_remove_if = dict()
result = []
skip_next = False
def should_remove_arg(option, value):
for a, predicate in one_arg_opts_to_remove_if.items():
if option == a:
verbose_print("Testing predicate", predicate, "for arg", option, "on", value)
if predicate(value):
return True
return False
for i, arg in enumerate(args):
if skip_next:
skip_next = False
continue
if any(arg == a for a in noargs_opts_to_remove) or any(arg.startswith(a) for a in noargs_opts_to_remove_startswith):
continue
if any(arg == a for a in one_arg_opts_to_remove):
skip_next = True
continue
if (i + 1) < len(args) and should_remove_arg(arg, args[i + 1]):
skip_next = True
continue
# none of the filters matches -> append to the result
result.append(arg)
return result
def _try_remove_args(self, command: list, infile: Path, message: str, *, extra_args: list=None, **kwargs):
new_command = self._filter_args(command, **kwargs)
print(message, end="", flush=True)
if extra_args:
new_command += extra_args
if new_command == command:
print(green(" none of those flags are in the command line"))
return command
if self._check_crash(new_command, infile):
return new_command
return command
@staticmethod
def _infer_crash_message(stderr: bytes):
print("Inferring crash message from", stderr)
if not stderr:
return None
simple_regexes = [re.compile(s) for s in (
r"Assertion `(.+)' failed.", # Linux assert()
r"Assertion failed: \(.+\),", # FreeBSD/Mac assert()
r"UNREACHABLE executed( at .+)?!", # llvm_unreachable()
# generic code gen crashes (at least creduce will keep the function name):
r"LLVM IR generation of declaration '(.+)'",
r"Generating code for declaration '(.+)'",
r"LLVM ERROR: Cannot select: (.+)",
r"LLVM ERROR: Cannot select:",
r"LLVM ERROR: (.+)",
r"\*\*\* Bad machine code: (.+) \*\*\*",
)]
regexes = [(r, 0) for r in simple_regexes]
# For this crash message we only want group 1
# TODO: add another grep for the program counter
regexes.insert(0, (re.compile(r"ERROR: (AddressSanitizer: .+ on address) 0x[0-9a-fA-F]+ (at pc 0x[0-9a-fA-F]+)"), 1))
# only get the kind of the cannot select from the message (without the number for tNN)
regexes.insert(0, (re.compile(r"LLVM ERROR: Cannot select: (t\w+): (.+)", ), 2))
# This message is different when invoked as llc: it prints LLVM ERROR instead
# so we only capture the actual message
regexes.insert(0, (re.compile(r"fatal error: error in backend:(.+)"), 1))
# same without colour diagnostics:
regexes.insert(0, (re.compile("\x1b\\[0m\x1b\\[0;1;31mfatal error: \x1b\\[0merror in backend:(.+)"), 1))
# Any other error in backed
regexes.append((re.compile(r"error in backend:(.+)"), 1))
# final fallback message: generic fatal error:
regexes.append((re.compile(r"fatal error:(.+)"), 0))
for line in stderr.decode("utf-8").splitlines():
# Check for failed assertions:
for r, index in regexes:
match = r.search(line)
if match:
message = match.group(index)
if "\x1b" in message:
message = message[:message.rfind("\x1b")]
print("Inferred crash message bytes: ", message.encode("utf-8"))
return message
return None
def simplify_crash_command(self, command: list, infile: Path) -> tuple:
new_command = command.copy()
assert new_command.count("%s") == 1, new_command
new_command.remove("%s")
# Remove -mllvm options that no longer exist
def is_old_llvm_option(opt: str):
# -cheri-cap-table=true/false was replace with -mllvm -cheri-cap-table-abi=
if opt == "-cheri-cap-table" or opt.startswith("-cheri-cap-table="):
return True
return False
new_command = self._filter_args(new_command, one_arg_opts_to_remove_if={"-mllvm": is_old_llvm_option})
print("Checking whether reproducer crashes with ", new_command[0], ":", sep="", end="", flush=True)
crash_info = subprocess.CompletedProcess(None, None)
self.options.expected_error_kind = self._check_crash(new_command, infile, crash_info, force_print_cmd=True)
if not self.options.expected_error_kind:
die("Crash reproducer no longer crashes?")
verbose_print("Reducing a", self.options.expected_error_kind, "with message =", self.options.crash_message)
verbose_print("Stderr was", crash_info.stderr)
if not self.options.crash_message:
if self.options.expected_error_kind == ErrorKind.INFINITE_LOOP:
self.options.crash_message = "INFINITE LOOP WHILE RUNNING, THIS GREP SHOULD NEVER MATCH!"
else:
print("Attempting to infer crash message from process output")
inferred_msg = self._infer_crash_message(crash_info.stderr)
if inferred_msg:
print("Inferred crash message as '" + green(inferred_msg) + "'")
if not input("Use this message? [Y/n]").lower().startswith("n"):
self.options.crash_message = inferred_msg
else:
print("Could not infer crash message, stderr was:\n\n")
print(crash_info.stderr.decode("utf-8"))
print("\n\n")
if not self.options.crash_message:
print("Could not infer crash message from crash reproducer.")
print(red("WARNING: Reducing without specifying the crash message will probably result"
" in the wrong test case being generated."))
if not input("Are you sure you want to continue? [y/N]").lower().startswith("y"):
sys.exit()
if new_command[0] == str(self.options.clang_cmd):
new_command, infile = self._simplify_clang_crash_command(new_command, infile)
elif new_command[0] == str(self.options.llc_cmd):
# TODO: should be able to simplify llc crashes (e.g. by adding -O0, -verify-machineinstrs, etc)
pass
new_command.append("%s") # ensure that the command contains %s at the end
return new_command, infile
@staticmethod
def list_with_flag_at_end(orig: list, flag: str) -> list:
result = list(orig)
while flag in result:
result.remove(flag)
result.append(flag)
return result
def _simplify_clang_crash_command(self, new_command: list, infile: Path) -> tuple:
assert new_command[0] == str(self.options.clang_cmd)
assert "-o" in new_command
assert "%s" not in new_command
full_cmd = new_command.copy()
new_command = self._try_remove_args(
new_command, infile, "Checking whether replacing optimization level with -O0 crashes:",
noargs_opts_to_remove_startswith=["-O"],
extra_args=["-O0"]
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -coverage-notes-file crashes:",
one_arg_opts_to_remove=["-coverage-notes-file"]
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without debug info crashes:",
noargs_opts_to_remove=["-dwarf-column-info", "-munwind-tables", "-ggnu-pubnames"],
one_arg_opts_to_remove=["-split-dwarf-file", "-split-dwarf-output"],
noargs_opts_to_remove_startswith=["-debug-info-kind=", "-dwarf-version=", "-debugger-tuning=",
"-fdebug-prefix-map="],
)
# try emitting llvm-ir (i.e. frontend bug):
print("Checking whether -emit-llvm crashes:", end="", flush=True)
generate_ir_cmd = self.list_with_flag_at_end(new_command, "-emit-llvm")
if "-cc1" in generate_ir_cmd:
# Don't add the optnone attribute to the generated IR function
generate_ir_cmd = self.list_with_flag_at_end(generate_ir_cmd, "-disable-O0-optnone")
while "-emit-obj" in generate_ir_cmd:
generate_ir_cmd.remove("-emit-obj")
if self._check_crash(generate_ir_cmd, infile):
print("Crashed while generating IR -> must be a", blue("frontend crash.", style="bold"),
"Will need to use creduce for test case reduction")
# Try to remove the flags that were added:
new_command = generate_ir_cmd
new_command = self._try_remove_args(
new_command, infile, "Checking if it also crashes at -O0:",
noargs_opts_to_remove=["-disable-O0-optnone"],
noargs_opts_to_remove_startswith=["-O"],
extra_args=["-O0"]
)
return self._simplify_frontend_crash_cmd(new_command, infile)
else:
print("Must be a ", blue("backend crash", style="bold"), ", ", end="", sep="")
if self.args.reduce_tool == "creduce":
print("but reducing with creduce requested. Will not try to convert to a bugpoint test case")
return self._simplify_frontend_crash_cmd(new_command, infile)
else:
print("will try to use bugpoint/llvm-reduce.")
return self._simplify_backend_crash_cmd(new_command, infile, full_cmd)
def _shrink_preprocessed_source(self, input_path, out_file):
# The initial remove #includes pass takes a long time -> remove all the includes that are inside a #if 0
# This is especially true for C++ because there are so many #included files in preprocessed input
with input_path.open("r", errors="replace", encoding="utf-8") as input_file:
line_regex = re.compile(r'^#\s+\d+\s+".*".*')
start_rewrite_includes = re.compile(r"^\s*#if\s+0\s+/\* expanded by -frewrite-includes \*/\s*")
end_rewrite_includes = re.compile(r"^\s*#endif\s+/\* expanded by -frewrite-includes \*/\s*")
in_rewrite_includes = False
max_rewrite_includes_lines = 10
skipped_rewrite_includes = 0
for line in input_file.readlines():
if re.match(start_rewrite_includes, line):
extremely_verbose_print("Starting -frewrite-includes-block:", line.rstrip())
assert not in_rewrite_includes
assert skipped_rewrite_includes == 0
in_rewrite_includes = True
continue
elif re.match(end_rewrite_includes, line):
extremely_verbose_print("Ending -frewrite-includes-block, skipped", skipped_rewrite_includes, "lines")
assert in_rewrite_includes
in_rewrite_includes = False
skipped_rewrite_includes = 0
continue
elif in_rewrite_includes:
if skipped_rewrite_includes > max_rewrite_includes_lines:
die("Error in initial reduction, rerun with --no-initial-reduce")
extremely_verbose_print("Skipping line inside -frewrite-includes:", line.rstrip())
skipped_rewrite_includes += 1
continue
elif line.lstrip().startswith("//"):
continue # skip line comments
# This appears to break creduce sometimes:
elif re.match(line_regex, line):
extremely_verbose_print("Removing # line directive:", line.rstrip())
continue
else:
out_file.write(line)
out_file.flush()
if self.args.extremely_verbose:
verbose_print("Initial reduction:")
subprocess.call(["diff", "-u", str(input_path), out_file.name])
pass
def _simplify_frontend_crash_cmd(self, new_command: list, infile: Path):
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without warnings crashes:",
noargs_opts_to_remove=["-w"], noargs_opts_to_remove_startswith=["-W"], extra_args=["-w"])
# Try to make implicit int an error to generate more sensible test output
# If we don't add this we get really obscure code that doesn't look like it should compile
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling with -Werror=implicit-int crashes:",
noargs_opts_to_remove=["-w"], extra_args=["-Wimplicit-int", "-Werror=implicit-int"])
# speed up test case reduction by aborting the compilation on the first error
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling with -Wfatal-errors crashes:",
noargs_opts_to_remove=["-w"], extra_args=["-Wfatal-errors"]
)
# Removing all the #ifdefs and #defines that get added by the #included headers can speed up reduction a lot
print("Generating preprocessed source")
try:
preprocessed = infile.with_name(infile.stem + "-pp" + infile.suffix)
base_pp_command = self._filter_args(new_command, one_arg_opts_to_remove=["-o"],
noargs_opts_to_remove=["-S", "-emit-llvm"])
base_pp_command += ["-E", "-o", str(preprocessed), str(infile)]
no_line_pp_command = base_pp_command + ["-P"]
verbose_print(no_line_pp_command)
subprocess.check_call(no_line_pp_command)
assert preprocessed.exists()
print("Checking if preprocessed source (without line numbers)", preprocessed, "crashes: ", end="", flush=True)
if self._check_crash(new_command, preprocessed):
infile = preprocessed
else:
print(red("Compiling preprocessed source (without line numbers)", preprocessed,
"no longer crashes, not using it. Will try with line numbers"))
verbose_print(base_pp_command)
subprocess.check_call(base_pp_command)
assert preprocessed.exists()
print("Checking if preprocessed source", preprocessed, "crashes: ", end="", flush=True)
if self._check_crash(new_command, preprocessed):
infile = preprocessed
else:
print(red("Compiling preprocessed source (with line numbers)", preprocessed,
"no longer crashes, not using it."))
except Exception as e:
print("Failed to preprocess", infile, "-> will use the unprocessed source ", e)
# creduce wastes a lot of time trying to remove #includes and dead cases generated
# by -frewrite-includes (if the preprocessed source no longer crashes)
# We also try to remove the #line directives
try:
smaller = infile.with_name(infile.stem + "-smaller" + infile.suffix)
with smaller.open("w", encoding="utf-8") as reduced_file:
original_size = infile.stat().st_size
self._shrink_preprocessed_source(infile, reduced_file)
reduced_file.flush()
new_size = smaller.stat().st_size
percent_reduction = 100 - 100.0 * (new_size / original_size)
print("Initial preprocessing: {} bytes -> {} bytes ({}% reduction)".format(
original_size, new_size, percent_reduction))
if self._check_crash(new_command, smaller):
infile = smaller
else:
print(red("Compiling processed preprocessed source", smaller,
"no longer crashes, not using it."))
except Exception as e:
print("Failed to shrink", infile, "-> will use the unprocessed source", e)
if "-emit-obj" in new_command:
new_command = self._try_remove_args(
new_command, infile, "Checking whether emitting ASM instead of object crashes:",
noargs_opts_to_remove=["-emit-obj"], extra_args=["-S"])
# check if floating point args are relevant
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without floating point arguments crashes:",
noargs_opts_to_remove=["-msoft-float"],
one_arg_opts_to_remove=["-mfloat-abi"],
one_arg_opts_to_remove_if={"-target-feature": lambda a: a == "+soft-float"}
)
# check if math args are relevant
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without math arguments crashes:",
noargs_opts_to_remove=["-fno-rounding-math", "-fwrapv"])
# check if frame pointer args are relevant
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without frame pointer argument crashes:",
noargs_opts_to_remove=["-mdisable-fp-elim"],
noargs_opts_to_remove_startswith=["-mframe-pointer="]
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without PIC flags crashes:",
one_arg_opts_to_remove=["-mrelocation-model", "-pic-level"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without thread model flags crashes:",
one_arg_opts_to_remove=["-mthread-model"],
noargs_opts_to_remove_startswith=["-ftls-model=initial-exec"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -target-feature flags crashes:",
one_arg_opts_to_remove=["-target-feature"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without various MIPS flags crashes:",
one_arg_opts_to_remove_if={"-mllvm": lambda a: a.startswith("-mips-ssection-threshold=") or a == "-mxgot" or a == "-mgpopt"}
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without various CHERI flags crashes:",
noargs_opts_to_remove=["-cheri-linker"],
one_arg_opts_to_remove_if={"-mllvm": lambda a: a.startswith("-cheri-cap-table-abi=") or a.startswith("-mxcaptable")}
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -mrelax-all crashes:",
noargs_opts_to_remove=["-mrelax-all"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -D flags crashes:",
noargs_opts_to_remove=["-sys-header-deps"],
one_arg_opts_to_remove=["-D"]
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without include flags crashes:",
noargs_opts_to_remove=["-nostdsysteminc", "-nobuiltininc"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without function/data sections crashes:",
noargs_opts_to_remove=["-ffunction-sections", "-fdata-sections"],
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -x flag crashes:",
one_arg_opts_to_remove=["-x"]
)
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -std= flag crashes:",
noargs_opts_to_remove_startswith=["-std="]
)
if "-disable-llvm-verifier" in new_command:
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without -disable-llvm-verifier crashes:",
noargs_opts_to_remove=["-disable-llvm-verifier"])
if "-fcxx-exceptions" in new_command or "-fexceptions" in new_command:
new_command = self._try_remove_args(
new_command, infile, "Checking whether compiling without exceptions crashes:",
noargs_opts_to_remove=["-fexceptions", "-fcxx-exceptions"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether misc C++ options can be removed:",
noargs_opts_to_remove=["-fno-rtti", "-mconstructor-aliases", "-nostdinc++"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether misc optimization options can be removed:",
noargs_opts_to_remove=["-vectorize-loops", "-vectorize-slp"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether addrsig/init-array options can be removed:",
noargs_opts_to_remove=["-fuse-init-array", "-faddrsig"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether -ffreestanding can be removed:",
noargs_opts_to_remove=["-ffreestanding"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether TLS/relocation model options can be removed:",
noargs_opts_to_remove_startswith=["-ftls-model="],
one_arg_opts_to_remove=["-mrelocation-model"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether -fgnuc-version= can be removed:",
noargs_opts_to_remove_startswith=["-fgnuc-version="])
new_command = self._try_remove_args(
new_command, infile, "Checking whether -target-cpu option can be removed:",
one_arg_opts_to_remove=["-target-cpu"])
new_command = self._try_remove_args(
new_command, infile, "Checking whether -target-abi option can be removed:",
one_arg_opts_to_remove=["-target-abi"])
# try to remove some arguments that should not be needed
new_command = self._try_remove_args(
new_command, infile, "Checking whether misc diagnostic options can be removed:",
noargs_opts_to_remove=["-disable-free", "-discard-value-names", "-masm-verbose",
"-fdeprecated-macro", "-fcolor-diagnostics"],
noargs_opts_to_remove_startswith=["-fdiagnostics-", "-fobjc-runtime="],
one_arg_opts_to_remove=["-main-file-name", "-ferror-limit", "-fmessage-length", "-fvisibility", "-target-linker-version"]
)
return new_command, infile
def _simplify_backend_crash_cmd(self, new_command: list, infile: Path, full_cmd: list):
# TODO: convert it to a llc commandline and use bugpoint
assert "-emit-llvm" not in full_cmd
assert "-o" in full_cmd
command = full_cmd.copy()
irfile = infile.with_name(infile.name.partition(".")[0] + "-bugpoint.ll")
command[command.index("-o") + 1] = str(irfile.absolute())
if "-discard-value-names" in command:
command.remove("-discard-value-names")
command = self.list_with_flag_at_end(command, "-emit-llvm")
command = self.list_with_flag_at_end(command, "-disable-O0-optnone")
command = self.list_with_flag_at_end(command, "-O0")
print("Generating IR file", irfile)
try:
verbose_print(command + [str(infile)])
subprocess.check_call(command + [str(infile)])
except subprocess.CalledProcessError:
print("Failed to generate IR from", infile, "will have to reduce using creduce")
return self._simplify_frontend_crash_cmd(new_command, infile)
if not irfile.exists():
die("IR file was not generated?")
llc_args = [str(self.options.llc_cmd), "-o", "/dev/null"] # TODO: -o -?
cpu_flag = None # -mcpu= only allowed once!
pass_once_flags = set()
# Some crash messages only happen with verify-machineinstrs:
pass_once_flags.add("-verify-machineinstrs")
skip_next = False
optimization_flag = "-O2"
for i, arg in enumerate(command):
if skip_next:
skip_next = False
continue
if arg == "-triple" or arg == "-target":
# assume well formed command line
llc_args.append("-mtriple=" + command[i + 1])
# forward all the llvm args
elif arg == "-mllvm":
llvm_flag = command[i + 1]
if llvm_flag == "-cheri128":
cpu_flag = "-mcpu=cheri128"
llc_args.append("-mattr=+cheri128")
else:
pass_once_flags.add(llvm_flag)
skip_next = True
elif arg == "-target-abi":
llc_args.append("-target-abi")
llc_args.append(command[i + 1])
skip_next = True
elif arg == "-target-cpu":
cpu_flag = "-mcpu=" + command[i + 1]
skip_next = True
elif arg == "-target-feature":
llc_args.append("-mattr=" + command[i + 1])
skip_next = True
elif arg == "-mrelocation-model":
llc_args.append("-relocation-model=" + command[i + 1])
skip_next = True
elif arg == "-mthread-model":
llc_args.append("-thread-model=" + command[i + 1])
skip_next = True
elif arg == "-msoft-float":
llc_args.append("-float-abi=soft")
elif arg.startswith("-vectorize"):
llc_args.append(arg)
elif arg.startswith("-O"):
if arg == "-Os":
arg = "-O2" # llc doesn't understand -Os
optimization_flag = arg
if cpu_flag:
llc_args.append(cpu_flag)
llc_args.append(optimization_flag)
llc_args.extend(pass_once_flags)
print("Checking whether compiling IR file with llc crashes:", end="", flush=True)
llc_info = subprocess.CompletedProcess(None, None)
if self._check_crash(llc_args, irfile, llc_info):
print("Crash found with llc -> using llvm-reduce followed by bugpoint which is faster than creduce.")
self.reduce_tool = self.get_llvm_ir_reduce_tool()
return llc_args, irfile
if self._check_crash(llc_args + ["-filetype=obj"], irfile, llc_info):
print("Crash found with llc -filetype=obj -> using llvm-reduce followed by bugpoint which is faster than creduce.")
self.reduce_tool = self.get_llvm_ir_reduce_tool()
return llc_args + ["-filetype=obj"], irfile
print("Compiling IR file with llc did not reproduce crash. Stderr was:", llc_info.stderr.decode("utf-8"))
print("Checking whether compiling IR file with opt crashes:", end="", flush=True)
opt_args = llc_args.copy()
opt_args[0] = str(self.options.opt_cmd)
opt_args.append("-S")
opt_info = subprocess.CompletedProcess(None, None)
if self._check_crash(opt_args, irfile, opt_info):
print("Crash found with opt -> using llvm-reduce followed by bugpoint which is faster than creduce.")
self.reduce_tool = self.get_llvm_ir_reduce_tool()
return opt_args, irfile
print("Compiling IR file with opt did not reproduce crash. Stderr was:", opt_info.stderr.decode("utf-8"))
print("Checking whether compiling IR file with clang crashes:", end="", flush=True)
clang_info = subprocess.CompletedProcess(None, None)
bugpoint_clang_cmd = self._filter_args(full_cmd, noargs_opts_to_remove_startswith=["-xc", "-W", "-std="],
one_arg_opts_to_remove=["-D", "-x", "-main-file-name"])
bugpoint_clang_cmd.extend(["-x", "ir"])
if self._check_crash(bugpoint_clang_cmd, irfile, clang_info):
print("Crash found compiling IR with clang -> using llvm-reduce followed by bugpoint which is faster than creduce.")
self.reduce_tool = self.get_llvm_ir_reduce_tool()
return bugpoint_clang_cmd, irfile
print("Compiling IR file with clang did not reproduce crash. Stderr was:", clang_info.stderr.decode("utf-8"))
print(red("No crash found compiling the IR! Possibly crash only happens when invoking clang -> using creduce."))
self.reduce_tool = RunCreduce(self.options)
return self._simplify_frontend_crash_cmd(new_command, infile)
def _parse_test_case(self, f, infile: Path):
# test case: just search for RUN: lines
for line in f.readlines():
match = re.match(r".*\s+RUN: (.+)", line)
if line.endswith("\\"):
die("RUN lines with continuations not handled yet")
if match:
command = match.group(1).strip()
if "%s" not in command:
die("RUN: line does not contain %s -> cannot create replacement invocation")
if "2>&1" in line:
die("Cannot handle 2>&1 in RUN lines yet")
verbose_print("Found RUN: ", command)
command = self.subst_handler.expand_lit_subtitutions(command)
verbose_print("After expansion:", command)
# We can only simplify the command line for clang right now
command, _ = self.simplify_crash_command(shlex.split(command), infile.absolute())
verbose_print("Final command:", command)
self.run_cmds.append(command)
self.run_lines.append(line[0:line.find(match.group(1))] + quote_cmd(command))
def run(self):
# scan test case for RUN: lines
infile = self.parse_RUN_lines(self.testcase)
if self.reduce_tool is None:
default_tool = RunBugpoint if infile.suffix in (".ll", ".bc") else RunCreduce
self.reduce_tool = self.get_llvm_ir_reduce_tool(default_tool)
if self.args.output_file:
reduce_input = Path(self.args.output_file).absolute()
else:
reduce_input = infile.with_name(infile.stem + "-reduce" + infile.suffix).absolute()
shutil.copy(str(infile), str(reduce_input))
with tempfile.TemporaryDirectory() as tmpdir:
# run("ulimit -S -c 0".split())
self.reduce_tool.reduce(input_file=reduce_input, extra_args=self.reduce_args, tempdir=tmpdir,
run_cmds=self.run_cmds, run_lines=self.run_lines)
def get_llvm_ir_reduce_tool(self, default_tool=RunBugpoint):
if self.args.reduce_tool is None:
return default_tool(self.options)
# if self.args.reduce_tool == "llvm-reduce-and-bugpoint":
# return RunLLVMReduceAndBugpoint(self.options)
if self.args.reduce_tool == "bugpoint":
return RunBugpoint(self.options)
if self.args.reduce_tool == "llvm-reduce":
return RunLLVMReduce(self.options)
elif self.args.reduce_tool == "noop": # for debugging purposes
return SkipReducing(self.options)
else:
assert self.args.reduce_tool == "creduce"
return RunCreduce(self.options)
def main():
default_bindir = "@CMAKE_BINARY_DIR@/bin"
parser = argparse.ArgumentParser(allow_abbrev=False)
parser.add_argument("--bindir", default=default_bindir,
help="Path to clang build directory. Default is " + default_bindir)
parser.add_argument("--not-cmd", help="Path to `not` tool. Default is $BINDIR/not")
parser.add_argument("--clang-cmd", help="Path to `clang` tool. Default is $BINDIR/clang")
parser.add_argument("--llc-cmd", help="Path to `llc` tool. Default is $BINDIR/llc")
parser.add_argument("--opt-cmd", help="Path to `opt` tool. Default is $BINDIR/opt")
parser.add_argument("--llvm-dis-cmd", help="Path to `llvm-dis` tool. Default is $BINDIR/llvm-dis")
parser.add_argument("--bugpoint-cmd", help="Path to `bugpoint` tool. Default is $BINDIR/bugpoint")
parser.add_argument("--llvm-reduce-cmd", help="Path to `bugpoint` tool. Default is $BINDIR/llvm-reduce")
parser.add_argument("--creduce-cmd", help="Path to `creduce` tool. Default is `creduce`")
parser.add_argument("--output-file", help="The name of the output file")
parser.add_argument("--verbose", action="store_true", help="Print more debug output")
parser.add_argument("--timeout", type=int,
help="Treat the test case as not interesting if it runs longer than n seconds")
parser.add_argument("--extremely-verbose", action="store_true", help="Print tons of debug output")
parser.add_argument("--llvm-error", action="store_true", help="Reduce a LLVM ERROR: message instead of a crash")
parser.add_argument("--infinite-loop", action="store_true", help="Try debugging an infinite loop (-> timed out testcases are interesting)."
"If timeout is not set this will set it to 30 seconds")
parser.add_argument("--crash-message", help="If set the crash must contain this message to be accepted for reduction."
" This is useful if creduce ends up generating another crash bug that is not the one being debugged.")
parser.add_argument("--reduce-tool", help="The tool to use for test case reduction. "
"Defaults to `llvm-reduce-and-bugpoint` if input file is a .ll or .bc file and `creduce` otherwise.",
choices=["llvm-reduce-and-bugpoint", "bugpoint", "creduce", "llvm-reduce", "noop"])
parser.add_argument("--no-initial-reduce", help="Pass the original input file to creduce without "
"removing #if 0 regions. Generally this will speed up but in very rare corner "
"cases it might cause the test case to no longer crash.", action="store_true")
parser.add_argument("testcase", help="The file to reduce (must be a testcase with a RUN: line that crashes "
"or a .sh file from a clang crash")
# bash completion for arguments:
try:
# noinspection PyUnresolvedReferences
import argcomplete
argcomplete.autocomplete(parser)
except ImportError:
pass
# Disable coredumps to avoid filling up disk space:
resource.setrlimit(resource.RLIMIT_CORE, (0, 0))
Reducer(parser).run()
if __name__ == "__main__":
main()
| [
"[email protected]"
] | |
d78b8ac24c093f12b1ac5b5411620c0f589fe4cc | 89a90707983bdd1ae253f7c59cd4b7543c9eda7e | /fluent_python/attic/strings-bytes/plane_count.py | dac414b93c5d84ddd35ad15b932051af53a9aa7a | [] | no_license | timothyshull/python_reference_code | 692a7c29608cadfd46a6cc409a000023e95b9458 | f3e2205dd070fd3210316f5f470d371950945028 | refs/heads/master | 2021-01-22T20:44:07.018811 | 2017-03-17T19:17:22 | 2017-03-17T19:17:22 | 85,346,735 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 349 | py | import sys
from unicodedata import name
total_count = 0
bmp_count = 0
for i in range(sys.maxunicode):
char = chr(i)
char_name = name(char, None)
if char_name is None:
continue
total_count += 1
if i <= 0xffff:
bmp_count += 1
print(total_count, bmp_count, bmp_count / total_count, bmp_count / total_count * 100)
| [
"[email protected]"
] | |
065653bd83e3294aa3c38f6cf48f8ece93f51edd | 854da1bbabc83d4506febe01932177f54f163399 | /extapps/xadmin/plugins/ueditor.py | 745f7814a207baf3ee53f697922cb502bb541560 | [] | no_license | RainysLiu/XinJuKe | abdefbf67513f5192e5716ebf547e0797a86af6f | 9decde1fe5e6020d31e18264795d640c9ff77383 | refs/heads/master | 2021-07-18T13:59:05.414626 | 2020-07-01T12:36:22 | 2020-07-01T12:36:22 | 188,654,087 | 3 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,388 | py | import xadmin
from xadmin.views import (
BaseAdminPlugin,
CreateAdminView,
ModelFormAdminView,
UpdateAdminView,
)
from DjangoUeditor.models import UEditorField
from DjangoUeditor.widgets import UEditorWidget
from django.conf import settings
class XadminUEditorWidget(UEditorWidget):
def __init__(self, **kwargs):
self.ueditor_options = kwargs
self.Media.js = None
super(XadminUEditorWidget, self).__init__(kwargs)
class UeditorPlugin(BaseAdminPlugin):
def get_field_style(self, attrs, db_field, style, **kwargs):
if style == "ueditor":
if isinstance(db_field, UEditorField):
widget = db_field.formfield().widget
param = {}
param.update(widget.ueditor_settings)
param.update(widget.attrs)
return {"widget": XadminUEditorWidget(**param)}
return attrs
def block_extrahead(self, context, nodes):
js = '<script type="text/javascript" src="%s"></script>' % (
settings.STATIC_URL + "ueditor/ueditor.config.js"
)
js += '<script type="text/javascript" src="%s"></script>' % (
settings.STATIC_URL + "ueditor/ueditor.all.min.js"
)
nodes.append(js)
xadmin.site.register_plugin(UeditorPlugin, UpdateAdminView)
xadmin.site.register_plugin(UeditorPlugin, CreateAdminView)
| [
"[email protected]"
] | |
3024ec90b32cad54c5e971139ce41b32e6777f5b | 5c53ab863965041a45e91b64aedf0dd52118496f | /ocrtoc_motion_planning/scripts/one_shot_grasp_with_object_pose_server.py | 4e506662cc6c46eabbb4f6ac9cd096ef73f9423f | [] | no_license | MiaoDragon/ocrtoc_motion_planning | 70fe04538600a39b5d321afa1fa9902800721627 | c32542c5f37b84c8555b475c0cf07f2fc453ab5e | refs/heads/master | 2023-02-27T02:04:39.688302 | 2021-02-03T22:23:18 | 2021-02-03T22:23:18 | 291,616,166 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 9,966 | py | #!/usr/bin/env python
from __future__ import print_function
from motion_planning.srv import OneShotGraspPlanWithObjectPose, OneShotGraspPlanWithObjectPoseResponse
from motion_planning_functions import one_shot_grasp_with_object_pose
from trajectory_msgs.msg import JointTrajectory, JointTrajectoryPoint
from control_msgs.msg import GripperCommandActionGoal
from motion_planning_execution import execute_plan_close_loop_with_pub, execute_plan_close_loop_with_moveit, gripper_openning
from depth_to_pcd_functions import *
import tf
import rospy
from cv_bridge import CvBridge
from tf2_sensor_msgs.tf2_sensor_msgs import do_transform_cloud
import sensor_msgs.point_cloud2 as pcl2
import std_msgs.msg
from sensor_msgs.msg import PointCloud2, Image
import pyassimp
from motion_planning_utils import scale_pose_to_tf, clear_octomap
#-------------------------------
#* image related *
subsample_ratio = 0.2
bridge = CvBridge()
#controller_topic = rospy.get_param('controller_topic')
arm_cmd_topic = rospy.get_param('arm_cmd_topic')
gripper_cmd_topic = rospy.get_param('gripper_cmd_topic')
pcd_pub = rospy.Publisher("/kinect/depth/pcd_from_depth", PointCloud2, queue_size=10, latch=True)
tf_buffer = tf2_ros.Buffer()
tf_listener = None# tf2_ros.TransformListener(tf_buffer)
pcd_msg_to_pub = None
#* execution related *
arm_cmd_pub = rospy.Publisher(
rospy.resolve_name(arm_cmd_topic),
JointTrajectory, queue_size=10)
gripper_cmd_pub = rospy.Publisher(
rospy.resolve_name(gripper_cmd_topic),
GripperCommandActionGoal, queue_size=10)
def time_callback(timer):
# get once the scene information
# color1_msg = rospy.wait_for_message('kinect/color/image_raw', Image)
# depth1_msg = rospy.wait_for_message('kinect/depth/image_raw', Image)
# convert to pcd and publish
# pcd1_msg = to_pcd(bridge, color1_msg, depth1_msg)
if pcd_msg_to_pub is not None:
pcd_pub.publish(pcd_msg_to_pub)
#clear_octomap()
print('fixed time published point cloud message...')
def obtain_object_mesh(model_name, scale):
mesh_file_name = "/root/ocrtoc_materials/models/"+model_name+"/collision_meshes/collision.obj"
#pyassimp_mesh = pyassimp.load(mesh_file_name)
import trimesh
trimesh_mesh = trimesh.load(mesh_file_name)
# if not pyassimp_mesh.meshes:
# rospy.logerr('Unable to load mesh')
# sys.exit(1)
# for face in pyassimp_mesh.meshes[0].faces:
# triangle = MeshTriangle()
# triangle.vertex_indices = [face[0],
# face[1],
# face[2]]
# mesh.triangles.append(triangle)
# for vertex in pyassimp_mesh.meshes[0].vertices:
# point = Point()
# point.x = vertex[0]*scale[0]
# point.y = vertex[1]*scale[1]
# point.z = vertex[2]*scale[2]
# mesh.vertices.append(point)
# for box filtering (notice that this is unscaled)
min_xyz = np.array(trimesh_mesh.vertices).min(axis=0)
max_xyz = np.array(trimesh_mesh.vertices).max(axis=0)
# print('min_xyz: ')
# print(min_xyz)
# print('max_xyz: ')
# print(max_xyz)
#pyassimp.release(pyassimp_mesh)
return min_xyz, max_xyz
def filter_object_pcd(pcd_msg, model_name, scale, obj_pose):
# get the transformed pcd in world frame
trans = tf_buffer.lookup_transform('world', pcd_msg.header.frame_id, rospy.Time(0), rospy.Duration(1)) # world <- camera
t = np.array([trans.transform.translation.x,trans.transform.translation.y,trans.transform.translation.z])
r = np.array([trans.transform.rotation.x,trans.transform.rotation.y,trans.transform.rotation.z,trans.transform.rotation.w])
r = tf.transformations.euler_from_quaternion(r)
T = tf.transformations.compose_matrix(translate=t, angles=r)
pcd = list(pcl2.read_points(pcd_msg, field_names = ("x", "y", "z"), skip_nans=True))
padding = 0.045
min_xyz, max_xyz = obtain_object_mesh(model_name, scale)
min_xyz -= padding
max_xyz += padding
filter_transform = tf.transformations.inverse_matrix(scale_pose_to_tf(scale=scale, pose=obj_pose)) # obj <- world
filter_transform = filter_transform.dot(T) # obj <- camera
pcd = np.array(pcd)
pcd_add_axis = np.ones((len(pcd),4))
pcd_add_axis[:,:3] = pcd
pcd_transformed = filter_transform.dot(pcd_add_axis.T).T
pcd_transformed = pcd_transformed[:,:3]
box_mask_min = np.prod((pcd_transformed - min_xyz) >= 0, axis=1) # AND across x-y-z axis
box_mask_max = np.prod((max_xyz - pcd_transformed) >= 0, axis=1) # AND across x-y-z axis
box_mask = box_mask_min * box_mask_max # should satisfy both min and max constraints to be inside the box
# anything else stays
# filter by the mask
print('before filter: pcd length: %d' % (len(pcd)))
pcd = pcd[box_mask == 0] # anything not inside the box
print('after filter: pcd length: %d' % (len(pcd)))
header = std_msgs.msg.Header()
#header.stamp = rospy.Time(0)
header.frame_id = pcd_msg.header.frame_id
#create pcl from points
filtered_pcd = pcl2.create_cloud_xyz32(header, pcd)
#publish
return filtered_pcd
def publish_pcd_with_filter(model_name, scale, obj_pose):
global pcd_msg_to_pub
# get once the scene information
color1_topic = rospy.get_param('color_topic')
depth1_topic = rospy.get_param('depth_topic')
color1_msg = rospy.wait_for_message(color1_topic, Image)
depth1_msg = rospy.wait_for_message(depth1_topic, Image)
# color1_msg = rospy.wait_for_message('/remapped/kinect/color/image_raw', Image)
# depth1_msg = rospy.wait_for_message('/remapped/kinect/depth/image_raw', Image)
#depth1_msg = rospy.wait_for_message('kinect/depth_to_rgb/image_raw', Image)
# convert to pcd and publish
pcd1_msg = to_pcd(bridge, color1_msg, depth1_msg, subsample_ratio=subsample_ratio)
# filter the object
pcd1_msg = filter_object_pcd(pcd1_msg, model_name, scale, obj_pose)
pcd_pub.publish(pcd1_msg)
pcd_msg_to_pub = pcd1_msg
print('published point cloud message...')
# wait for it to appear in motion planner
rospy.sleep(1.0)
def publish_pcd():
global pcd_msg_to_pub
# get once the scene information
color1_topic = rospy.get_param('color_topic')
depth1_topic = rospy.get_param('depth_topic')
color1_msg = rospy.wait_for_message(color1_topic, Image)
depth1_msg = rospy.wait_for_message(depth1_topic, Image)
# color1_msg = rospy.wait_for_message('/remapped/kinect/color/image_raw', Image)
# depth1_msg = rospy.wait_for_message('/remapped/kinect/depth/image_raw', Image)
#depth1_msg = rospy.wait_for_message('kinect/depth_to_rgb/image_raw', Image)
# convert to pcd and publish
pcd1_msg = to_pcd(bridge, color1_msg, depth1_msg, subsample_ratio=subsample_ratio)
pcd_pub.publish(pcd1_msg)
pcd_msg_to_pub = pcd1_msg
print('published point cloud message...')
# wait for it to appear in motion planner
rospy.sleep(1.0)
def handle_grasp_plan(req):
# open gripper before plan
gripper_openning(gripper_cmd_pub)
clear_octomap() # clear the previous octomap, and listen to new scene change
try:
publish_pcd_with_filter(req.object_name, req.object_scale, req.object_pose1)
except:
rospy.logerr("Motion Planning filtering: object mesh model is not found. Not filtering point cloud.")
publish_pcd()
#publish_pcd()
#hello = raw_input("after pcd with filter...\n")
#rospy.sleep(1)
#clear_octomap()
rospy.sleep(2) # wait long enough to get the octomap
response = OneShotGraspPlanWithObjectPoseResponse()
# start plannning
#plan_res = one_shot_grasp_with_object_pose(req.object_name, req.object_scale, req.object_pose1, req.object_pose2)
try:
plan_res = one_shot_grasp_with_object_pose(req.object_name, req.object_scale, req.object_pose1, req.object_pose2)
except:
rospy.logerr("Grasp plan failed.")
# plan is unsuccessful at some point
response.result = response.FAILURE
else:
# plan is successful
rospy.loginfo("Grasp plan successfully generated.")
response.pre_grasp_trajectory = plan_res['pre_grasp_trajectory']
response.pre_to_grasp_trajectory = plan_res['pre_to_grasp_trajectory']
response.post_grasp_trajectory = plan_res['post_grasp_trajectory']
response.place_trajectory = plan_res['place_trajectory']
response.post_place_trajectory = plan_res['post_place_trajectory']
response.reset_trajectory = plan_res['reset_trajectory']
response.result = response.SUCCESS
rospy.loginfo("Start executing grasp plan...")
exp_stage = rospy.get_param('stage')
gripper_success = execute_plan_close_loop_with_pub(arm_cmd_pub, gripper_cmd_pub, plan_res)
# if exp_stage == 'sim':
# print('in sim stage, using publisher...')
# gripper_success = execute_plan_close_loop_with_pub(arm_cmd_pub, gripper_cmd_pub, plan_res)
# else:
# print('in real stage, using moveit...')
# gripper_success = execute_plan_close_loop_with_moveit(arm_cmd_pub, gripper_cmd_pub, plan_res)
rospy.loginfo("motion planning: end of execution.")
# publish update to map
publish_pcd()
if not gripper_success:
response.result = response.FAILURE
return response
def motion_planning_server():
global tf_listener
rospy.init_node('one_shot_grasp_with_object_pose_server')
# hot start to wait for octomap
tf_listener = tf2_ros.TransformListener(tf_buffer)
rospy.sleep(2.)
publish_pcd()
#timer = rospy.Timer(rospy.Duration(5), time_callback)
s = rospy.Service('/motion_planning/one_shot_grasp_with_object_pose', OneShotGraspPlanWithObjectPose, handle_grasp_plan)
print("Ready for grasp plan.")
rospy.spin()
if __name__ == "__main__":
motion_planning_server()
| [
"[email protected]"
] | |
dc51cca1327c27bef64e3434b98898b1bda20d4d | 62e58c051128baef9452e7e0eb0b5a83367add26 | /edifact/D03B/CUSEXPD03BUN.py | 15e7b3ed5e7dda7f9d69367842f3c0e6d1a041dc | [] | no_license | dougvanhorn/bots-grammars | 2eb6c0a6b5231c14a6faf194b932aa614809076c | 09db18d9d9bd9d92cefbf00f1c0de1c590fe3d0d | refs/heads/master | 2021-05-16T12:55:58.022904 | 2019-05-17T15:22:23 | 2019-05-17T15:22:23 | 105,274,633 | 0 | 0 | null | 2017-09-29T13:21:21 | 2017-09-29T13:21:21 | null | UTF-8 | Python | false | false | 2,519 | py | #Generated by bots open source edi translator from UN-docs.
from bots.botsconfig import *
from edifact import syntax
from recordsD03BUN import recorddefs
structure = [
{ID: 'UNH', MIN: 1, MAX: 1, LEVEL: [
{ID: 'BGM', MIN: 1, MAX: 1},
{ID: 'DTM', MIN: 0, MAX: 5},
{ID: 'LOC', MIN: 0, MAX: 5},
{ID: 'CNT', MIN: 0, MAX: 9},
{ID: 'NAD', MIN: 1, MAX: 1, LEVEL: [
{ID: 'CTA', MIN: 0, MAX: 5, LEVEL: [
{ID: 'COM', MIN: 0, MAX: 5},
]},
]},
{ID: 'TDT', MIN: 1, MAX: 1, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 1},
{ID: 'LOC', MIN: 0, MAX: 9, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 9},
]},
]},
{ID: 'EQD', MIN: 0, MAX: 99, LEVEL: [
{ID: 'SEL', MIN: 0, MAX: 9},
]},
{ID: 'RFF', MIN: 0, MAX: 999, LEVEL: [
{ID: 'NAD', MIN: 0, MAX: 2},
{ID: 'CNT', MIN: 0, MAX: 1},
{ID: 'CNI', MIN: 1, MAX: 9999, LEVEL: [
{ID: 'SGP', MIN: 0, MAX: 9},
{ID: 'CNT', MIN: 0, MAX: 9},
{ID: 'MEA', MIN: 0, MAX: 1},
{ID: 'LOC', MIN: 0, MAX: 2},
{ID: 'NAD', MIN: 0, MAX: 5},
{ID: 'GDS', MIN: 0, MAX: 1, LEVEL: [
{ID: 'FTX', MIN: 0, MAX: 1},
]},
{ID: 'PAC', MIN: 0, MAX: 999, LEVEL: [
{ID: 'PCI', MIN: 0, MAX: 1},
]},
{ID: 'TOD', MIN: 0, MAX: 1, LEVEL: [
{ID: 'LOC', MIN: 0, MAX: 1},
{ID: 'FTX', MIN: 0, MAX: 1},
]},
{ID: 'MOA', MIN: 0, MAX: 10, LEVEL: [
{ID: 'CUX', MIN: 0, MAX: 1, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 1},
]},
]},
{ID: 'TAX', MIN: 0, MAX: 9, LEVEL: [
{ID: 'MOA', MIN: 0, MAX: 1},
{ID: 'GEI', MIN: 0, MAX: 1},
]},
{ID: 'DOC', MIN: 0, MAX: 9, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 1},
{ID: 'LOC', MIN: 0, MAX: 1},
]},
{ID: 'CST', MIN: 0, MAX: 99, LEVEL: [
{ID: 'FTX', MIN: 0, MAX: 1},
{ID: 'LOC', MIN: 1, MAX: 1},
{ID: 'MEA', MIN: 0, MAX: 9},
{ID: 'TAX', MIN: 0, MAX: 9, LEVEL: [
{ID: 'MOA', MIN: 0, MAX: 1},
{ID: 'GEI', MIN: 0, MAX: 1},
]},
]},
]},
]},
{ID: 'AUT', MIN: 0, MAX: 1, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 1},
]},
{ID: 'UNT', MIN: 1, MAX: 1},
]},
]
| [
"[email protected]"
] | |
4b7e502e87dd289be7683e1984debce1217b294d | ed6625148299e759f39359db9f932dd391b8e86f | /personal_env/lib/python3.8/site-packages/pylint/checkers/logging.py | b8661fdfccc31adbf385fa3341e90f8938745c63 | [
"MIT"
] | permissive | jestinmwilson/personal-website | 128c4717b21fa6fff9df8295b1137f32bbe44b55 | 6e47a7f33ed3b1ca5c1d42c89c5380d22992ed74 | refs/heads/main | 2023-08-28T11:31:07.916714 | 2021-10-14T09:41:13 | 2021-10-14T09:41:13 | 414,847,553 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 16,334 | py | # -*- coding: utf-8 -*-
# Copyright (c) 2009-2011, 2013-2014 LOGILAB S.A. (Paris, FRANCE) <[email protected]>
# Copyright (c) 2009, 2012, 2014 Google, Inc.
# Copyright (c) 2012 Mike Bryant <[email protected]>
# Copyright (c) 2014 Brett Cannon <[email protected]>
# Copyright (c) 2014 Arun Persaud <[email protected]>
# Copyright (c) 2015-2020 Claudiu Popa <[email protected]>
# Copyright (c) 2015 Ionel Cristian Maries <[email protected]>
# Copyright (c) 2016, 2019-2020 Ashley Whetter <[email protected]>
# Copyright (c) 2016 Chris Murray <[email protected]>
# Copyright (c) 2017 guillaume2 <[email protected]>
# Copyright (c) 2017 Łukasz Rogalski <[email protected]>
# Copyright (c) 2018 Alan Chan <[email protected]>
# Copyright (c) 2018 Yury Gribov <[email protected]>
# Copyright (c) 2018 Mike Frysinger <[email protected]>
# Copyright (c) 2018 Mariatta Wijaya <[email protected]>
# Copyright (c) 2019 Djailla <[email protected]>
# Copyright (c) 2019 Pierre Sassoulas <[email protected]>
# Copyright (c) 2019 Svet <[email protected]>
# Copyright (c) 2020 Anthony Sottile <[email protected]>
# Licensed under the GPL: https://www.gnu.org/licenses/old-licenses/gpl-2.0.html
# For details: https://github.com/PyCQA/pylint/blob/master/COPYING
"""checker for use of Python logging
"""
import string
import astroid
from pylint import checkers, interfaces
from pylint.checkers import utils
from pylint.checkers.utils import check_messages
MSGS = {
"W1201": (
"Use %s formatting in logging functions",
"logging-not-lazy",
"Used when a logging statement has a call form of "
'"logging.<logging method>(format_string % (format_args...))". '
"Use another type of string formatting instead. "
"You can use % formatting but leave interpolation to "
"the logging function by passing the parameters as arguments. "
"If logging-fstring-interpolation is disabled then "
"you can use fstring formatting. "
"If logging-format-interpolation is disabled then "
"you can use str.format.",
),
"W1202": (
"Use %s formatting in logging functions",
"logging-format-interpolation",
"Used when a logging statement has a call form of "
'"logging.<logging method>(format_string.format(format_args...))". '
"Use another type of string formatting instead. "
"You can use % formatting but leave interpolation to "
"the logging function by passing the parameters as arguments. "
"If logging-fstring-interpolation is disabled then "
"you can use fstring formatting. "
"If logging-not-lazy is disabled then "
"you can use % formatting as normal.",
),
"W1203": (
"Use %s formatting in logging functions",
"logging-fstring-interpolation",
"Used when a logging statement has a call form of "
'"logging.<logging method>(f"...")".'
"Use another type of string formatting instead. "
"You can use % formatting but leave interpolation to "
"the logging function by passing the parameters as arguments. "
"If logging-format-interpolation is disabled then "
"you can use str.format. "
"If logging-not-lazy is disabled then "
"you can use % formatting as normal.",
),
"E1200": (
"Unsupported logging format character %r (%#02x) at index %d",
"logging-unsupported-format",
"Used when an unsupported format character is used in a logging "
"statement format string.",
),
"E1201": (
"Logging format string ends in middle of conversion specifier",
"logging-format-truncated",
"Used when a logging statement format string terminates before "
"the end of a conversion specifier.",
),
"E1205": (
"Too many arguments for logging format string",
"logging-too-many-args",
"Used when a logging format string is given too many arguments.",
),
"E1206": (
"Not enough arguments for logging format string",
"logging-too-few-args",
"Used when a logging format string is given too few arguments.",
),
}
CHECKED_CONVENIENCE_FUNCTIONS = {
"critical",
"debug",
"error",
"exception",
"fatal",
"info",
"warn",
"warning",
}
def is_method_call(func, types=(), methods=()):
"""Determines if a BoundMethod node represents a method call.
Args:
func (astroid.BoundMethod): The BoundMethod AST node to check.
types (Optional[String]): Optional sequence of caller type names to restrict check.
methods (Optional[String]): Optional sequence of method names to restrict check.
Returns:
bool: true if the node represents a method call for the given type and
method names, False otherwise.
"""
return (
isinstance(func, astroid.BoundMethod)
and isinstance(func.bound, astroid.Instance)
and (func.bound.name in types if types else True)
and (func.name in methods if methods else True)
)
class LoggingChecker(checkers.BaseChecker):
"""Checks use of the logging module."""
__implements__ = interfaces.IAstroidChecker
name = "logging"
msgs = MSGS
options = (
(
"logging-modules",
{
"default": ("logging",),
"type": "csv",
"metavar": "<comma separated list>",
"help": "Logging modules to check that the string format "
"arguments are in logging function parameter format.",
},
),
(
"logging-format-style",
{
"default": "old",
"type": "choice",
"metavar": "<old (%) or new ({)>",
"choices": ["old", "new"],
"help": "The type of string formatting that logging methods do. "
"`old` means using % formatting, `new` is for `{}` formatting.",
},
),
)
def visit_module(self, node): # pylint: disable=unused-argument
"""Clears any state left in this checker from last module checked."""
# The code being checked can just as easily "import logging as foo",
# so it is necessary to process the imports and store in this field
# what name the logging module is actually given.
self._logging_names = set()
logging_mods = self.config.logging_modules
self._format_style = self.config.logging_format_style
self._logging_modules = set(logging_mods)
self._from_imports = {}
for logging_mod in logging_mods:
parts = logging_mod.rsplit(".", 1)
if len(parts) > 1:
self._from_imports[parts[0]] = parts[1]
def visit_importfrom(self, node):
"""Checks to see if a module uses a non-Python logging module."""
try:
logging_name = self._from_imports[node.modname]
for module, as_name in node.names:
if module == logging_name:
self._logging_names.add(as_name or module)
except KeyError:
pass
def visit_import(self, node):
"""Checks to see if this module uses Python's built-in logging."""
for module, as_name in node.names:
if module in self._logging_modules:
self._logging_names.add(as_name or module)
@check_messages(*MSGS)
def visit_call(self, node):
"""Checks calls to logging methods."""
def is_logging_name():
return (
isinstance(node.func, astroid.Attribute)
and isinstance(node.func.expr, astroid.Name)
and node.func.expr.name in self._logging_names
)
def is_logger_class():
try:
for inferred in node.func.infer():
if isinstance(inferred, astroid.BoundMethod):
parent = inferred._proxied.parent
if isinstance(parent, astroid.ClassDef) and (
parent.qname() == "logging.Logger"
or any(
ancestor.qname() == "logging.Logger"
for ancestor in parent.ancestors()
)
):
return True, inferred._proxied.name
except astroid.exceptions.InferenceError:
pass
return False, None
if is_logging_name():
name = node.func.attrname
else:
result, name = is_logger_class()
if not result:
return
self._check_log_method(node, name)
def _check_log_method(self, node, name):
"""Checks calls to logging.log(level, format, *format_args)."""
if name == "log":
if node.starargs or node.kwargs or len(node.args) < 2:
# Either a malformed call, star args, or double-star args. Beyond
# the scope of this checker.
return
format_pos = 1
elif name in CHECKED_CONVENIENCE_FUNCTIONS:
if node.starargs or node.kwargs or not node.args:
# Either no args, star args, or double-star args. Beyond the
# scope of this checker.
return
format_pos = 0
else:
return
if isinstance(node.args[format_pos], astroid.BinOp):
binop = node.args[format_pos]
emit = binop.op == "%"
if binop.op == "+":
total_number_of_strings = sum(
1
for operand in (binop.left, binop.right)
if self._is_operand_literal_str(utils.safe_infer(operand))
)
emit = total_number_of_strings > 0
if emit:
self.add_message(
"logging-not-lazy", node=node, args=(self._helper_string(node),),
)
elif isinstance(node.args[format_pos], astroid.Call):
self._check_call_func(node.args[format_pos])
elif isinstance(node.args[format_pos], astroid.Const):
self._check_format_string(node, format_pos)
elif isinstance(node.args[format_pos], astroid.JoinedStr):
self.add_message(
"logging-fstring-interpolation",
node=node,
args=(self._helper_string(node),),
)
def _helper_string(self, node):
"""Create a string that lists the valid types of formatting for this node."""
valid_types = ["lazy %"]
if not self.linter.is_message_enabled(
"logging-fstring-formatting", node.fromlineno
):
valid_types.append("fstring")
if not self.linter.is_message_enabled(
"logging-format-interpolation", node.fromlineno
):
valid_types.append(".format()")
if not self.linter.is_message_enabled("logging-not-lazy", node.fromlineno):
valid_types.append("%")
return " or ".join(valid_types)
@staticmethod
def _is_operand_literal_str(operand):
"""
Return True if the operand in argument is a literal string
"""
return isinstance(operand, astroid.Const) and operand.name == "str"
def _check_call_func(self, node):
"""Checks that function call is not format_string.format().
Args:
node (astroid.node_classes.Call):
Call AST node to be checked.
"""
func = utils.safe_infer(node.func)
types = ("str", "unicode")
methods = ("format",)
if is_method_call(func, types, methods) and not is_complex_format_str(
func.bound
):
self.add_message(
"logging-format-interpolation",
node=node,
args=(self._helper_string(node),),
)
def _check_format_string(self, node, format_arg):
"""Checks that format string tokens match the supplied arguments.
Args:
node (astroid.node_classes.NodeNG): AST node to be checked.
format_arg (int): Index of the format string in the node arguments.
"""
num_args = _count_supplied_tokens(node.args[format_arg + 1 :])
if not num_args:
# If no args were supplied the string is not interpolated and can contain
# formatting characters - it's used verbatim. Don't check any further.
return
format_string = node.args[format_arg].value
required_num_args = 0
if isinstance(format_string, bytes):
format_string = format_string.decode()
if isinstance(format_string, str):
try:
if self._format_style == "old":
keyword_args, required_num_args, _, _ = utils.parse_format_string(
format_string
)
if keyword_args:
# Keyword checking on logging strings is complicated by
# special keywords - out of scope.
return
elif self._format_style == "new":
(
keyword_arguments,
implicit_pos_args,
explicit_pos_args,
) = utils.parse_format_method_string(format_string)
keyword_args_cnt = len(
{k for k, l in keyword_arguments if not isinstance(k, int)}
)
required_num_args = (
keyword_args_cnt + implicit_pos_args + explicit_pos_args
)
except utils.UnsupportedFormatCharacter as ex:
char = format_string[ex.index]
self.add_message(
"logging-unsupported-format",
node=node,
args=(char, ord(char), ex.index),
)
return
except utils.IncompleteFormatString:
self.add_message("logging-format-truncated", node=node)
return
if num_args > required_num_args:
self.add_message("logging-too-many-args", node=node)
elif num_args < required_num_args:
self.add_message("logging-too-few-args", node=node)
def is_complex_format_str(node):
"""Checks if node represents a string with complex formatting specs.
Args:
node (astroid.node_classes.NodeNG): AST node to check
Returns:
bool: True if inferred string uses complex formatting, False otherwise
"""
inferred = utils.safe_infer(node)
if inferred is None or not (
isinstance(inferred, astroid.Const) and isinstance(inferred.value, str)
):
return True
try:
parsed = list(string.Formatter().parse(inferred.value))
except ValueError:
# This format string is invalid
return False
for _, _, format_spec, _ in parsed:
if format_spec:
return True
return False
def _count_supplied_tokens(args):
"""Counts the number of tokens in an args list.
The Python log functions allow for special keyword arguments: func,
exc_info and extra. To handle these cases correctly, we only count
arguments that aren't keywords.
Args:
args (list): AST nodes that are arguments for a log format string.
Returns:
int: Number of AST nodes that aren't keywords.
"""
return sum(1 for arg in args if not isinstance(arg, astroid.Keyword))
def register(linter):
"""Required method to auto-register this checker."""
linter.register_checker(LoggingChecker(linter))
| [
"[email protected]"
] | |
f0ac7f36ebe9a2ecc3df8f36c5b37c55347462fa | cec10c52b4f879161928da88ed9294007874f50f | /libs/configs/cfgs_fcos_coco_res50_1x_v3.py | a950340aa0304fd7c7051b6c4b5437e073af1639 | [
"MIT"
] | permissive | g-thebest/FCOS_Tensorflow | 676ea7ec358de248860238c0c00817dd6176bfb7 | b39b621c9a84dcb4baad25637e7758dcd31707f5 | refs/heads/master | 2021-11-04T21:39:47.093239 | 2019-04-28T09:25:26 | 2019-04-28T09:25:26 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,115 | py | # -*- coding: utf-8 -*-
from __future__ import division, print_function, absolute_import
import os
import math
import tensorflow as tf
import numpy as np
# ------------------------------------------------
VERSION = 'FCOS_Res50_20190427'
NET_NAME = 'resnet50_v1d' # 'resnet_v1_50'
ADD_BOX_IN_TENSORBOARD = True
# ---------------------------------------- System_config
ROOT_PATH = os.path.abspath('../')
print(20*"++--")
print(ROOT_PATH)
GPU_GROUP = "0,1,2,3,4,5,6,7"
NUM_GPU = len(GPU_GROUP.strip().split(','))
SHOW_TRAIN_INFO_INTE = 10
SMRY_ITER = 100
SAVE_WEIGHTS_INTE = 80000
SUMMARY_PATH = ROOT_PATH + '/output/summary'
TEST_SAVE_PATH = ROOT_PATH + '/tools/test_result'
INFERENCE_IMAGE_PATH = ROOT_PATH + '/tools/inference_image'
INFERENCE_SAVE_PATH = ROOT_PATH + '/tools/inference_results'
if NET_NAME.startswith("resnet"):
weights_name = NET_NAME
elif NET_NAME.startswith("MobilenetV2"):
weights_name = "mobilenet/mobilenet_v2_1.0_224"
else:
raise NotImplementedError
PRETRAINED_CKPT = ROOT_PATH + '/data/pretrained_weights/' + weights_name + '.ckpt'
TRAINED_CKPT = os.path.join(ROOT_PATH, 'output/trained_weights')
EVALUATE_DIR = ROOT_PATH + '/output/evaluate_result_pickle/'
# ------------------------------------------ Train config
FIXED_BLOCKS = 1 # allow 0~3
FREEZE_BLOCKS = [True, False, False, False, False] # for gluoncv backbone
USE_07_METRIC = False
MUTILPY_BIAS_GRADIENT = None # 2.0 # if None, will not multipy
GRADIENT_CLIPPING_BY_NORM = None # 10.0 if None, will not clip
BATCH_SIZE = 1
EPSILON = 1e-5
MOMENTUM = 0.9
LR = 5e-4 * NUM_GPU * BATCH_SIZE
DECAY_STEP = [SAVE_WEIGHTS_INTE*12, SAVE_WEIGHTS_INTE*16, SAVE_WEIGHTS_INTE*20]
MAX_ITERATION = SAVE_WEIGHTS_INTE*20
WARM_SETP = int(0.125 * SAVE_WEIGHTS_INTE)
# -------------------------------------------- Data_preprocess_config
DATASET_NAME = 'coco'
PIXEL_MEAN = [123.68, 116.779, 103.939] # R, G, B. In tf, channel is RGB. In openCV, channel is BGR
PIXEL_MEAN_ = [0.485, 0.456, 0.406]
PIXEL_STD = [0.229, 0.224, 0.225]
IMG_SHORT_SIDE_LEN = 800
IMG_MAX_LENGTH = 1333
CLASS_NUM = 80
# --------------------------------------------- Network_config
SUBNETS_WEIGHTS_INITIALIZER = tf.random_normal_initializer(mean=0.0, stddev=0.01, seed=None)
SUBNETS_BIAS_INITIALIZER = tf.constant_initializer(value=0.0)
FINAL_CONV_WEIGHTS_INITIALIZER = tf.random_normal_initializer(mean=0.0, stddev=0.01, seed=None)
PROBABILITY = 0.01
FINAL_CONV_BIAS_INITIALIZER = tf.constant_initializer(value=-np.log((1.0 - PROBABILITY) / PROBABILITY))
WEIGHT_DECAY = 0.00004 if NET_NAME.startswith('Mobilenet') else 0.0001
# ---------------------------------------------Anchor config
USE_CENTER_OFFSET = True
LEVLES = ['P3', 'P4', 'P5', 'P6', 'P7']
BASE_ANCHOR_SIZE_LIST = [32, 64, 128, 256, 512]
ANCHOR_STRIDE_LIST = [8, 16, 32, 64, 128]
SET_WIN = np.asarray([0, 64, 128, 256, 512, 1e5]) * IMG_SHORT_SIDE_LEN / 800
# --------------------------------------------FPN config
SHARE_HEADS = True
ALPHA = 0.25
GAMMA = 2
NMS = True
NMS_IOU_THRESHOLD = 0.5
NMS_TYPE = 'NMS'
MAXIMUM_DETECTIONS = 300
FILTERED_SCORES = 0.15
SHOW_SCORE_THRSHOLD = 0.2
| [
"[email protected]"
] | |
addc002a7f3d8d394abb90d6c6298ef91d7d0c55 | a075b20c2c7bee1655c30bd5d2c1c3634755bd48 | /utils.py | 8bb0b9c56833eab7a2fa5d85081e2c4f9b7a83fd | [] | no_license | gitter-badger/style-transfer | 96d4b337c662055cb275dadf3846c58ab5227252 | e7518d6a718d06c5f537602307ffa37abaa58a15 | refs/heads/master | 2021-01-20T10:18:32.335649 | 2017-08-28T06:45:13 | 2017-08-28T06:45:13 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 7,890 | py | import scipy.misc, numpy as np, os, sys
from shutil import rmtree, move
import tensorflow as tf
from PIL import Image
import glob, random, bcolz
from six.moves import urllib as six_urllib
try:
import urllib2 as urllib
except ImportError:
import urllib.request as urllib
from collections import OrderedDict
import tarfile
_RESIZE_SIDE_MIN = 320
class OrderedDefaultListDict(OrderedDict):
def __missing__(self, key):
self[key] = value = []
return value
def _central_crop(image, side):
image_height = tf.shape(image)[0]
image_width = tf.shape(image)[1]
offset_height = (image_height - side) / 2
offset_width = (image_width - side) / 2
original_shape = tf.shape(image)
cropped_shape = tf.stack([side, side, 3])
offsets = tf.to_int32(tf.stack([offset_height, offset_width, 0]))
image = tf.slice(image, offsets, cropped_shape)
return tf.reshape(image, cropped_shape)
def _smallest_size_at_least(height, width, smallest_side):
smallest_side = tf.convert_to_tensor(smallest_side, dtype=tf.int32)
height = tf.to_float(height)
width = tf.to_float(width)
smallest_side = tf.to_float(smallest_side)
scale = tf.cond(tf.greater(height, width),
lambda: smallest_side / width,
lambda: smallest_side / height)
new_height = tf.to_int32(height * scale)
new_width = tf.to_int32(width * scale)
return new_height, new_width
def _aspect_preserving_resize(image, smallest_side):
smallest_side = tf.convert_to_tensor(smallest_side, dtype=tf.int32)
shape = tf.shape(image)
height, width = shape[0], shape[1]
new_height, new_width = _smallest_size_at_least(height, width, smallest_side)
image = tf.expand_dims(image, 0)
resized_image = tf.image.resize_bilinear(image, [new_height, new_width],
align_corners=False)
resized_image = tf.squeeze(resized_image, [0])
resized_image.set_shape([None, None, 3])
return resized_image
def preprocess_image(image, side, resize_side=_RESIZE_SIDE_MIN, is_training=False):
image = _aspect_preserving_resize(image, resize_side)
if(is_training):
image = tf.random_crop(image, [side, side, 3])
else:
image = _central_crop(image, side)
return image
class data_pipeline:
def __init__(self, train_path, sq_size=256, batch_size=4, subset_size=None):
self.sq_size = sq_size
filenames = glob.glob(train_path+'/*/*.jpg')
random.shuffle(filenames)
with tf.device('/cpu:0'):
filenames = tf.constant(filenames[:subset_size])
dataset = tf.contrib.data.Dataset.from_tensor_slices(filenames)
dataset = dataset.filter(self._filter_function)
dataset = dataset.map(self._parse_function) # Parse the record into tensors.
dataset = dataset.batch(batch_size)
self.iterator = dataset.make_initializable_iterator()
def _filter_function(self, filename):
image_string = tf.read_file(filename)
img = tf.image.decode_jpeg(image_string)
shp = tf.shape(img)
return tf.logical_and(tf.equal(tf.rank(img), 3), tf.equal(shp[2], 3))
def _parse_function(self, filename):
image_string = tf.read_file(filename)
image = tf.image.decode_jpeg(image_string)
image = preprocess_image(image, self.sq_size, is_training=True)
return image
def open_bcolz_arrays(root_dir, keys, arrs, mode='a', attr_dict={}):
bcolz_arrs_dict = {}
for key, arr in zip(keys, arrs):
bcolz_path = os.path.join(root_dir, key)
bcolz_arr = bcolz.carray(arr, rootdir=bcolz_path, mode=mode)
for k,v in attr_dict.items():
bcolz_arr.attrs[k] = v
bcolz_arrs_dict[key] = bcolz_arr
return bcolz_arrs_dict
class features_pipeline:
def __init__(self, root_dir, keys, batch_size=16, attr_dict={}):
bcolz_paths = [os.path.join(root_dir, key) for key in keys]
with tf.device('/cpu:0'):
bcolz_datasets = [self._bcolz_dataset(bcolz_path) for bcolz_path in bcolz_paths]
dataset = tf.contrib.data.Dataset.zip(tuple(bcolz_datasets))
dataset = dataset.batch(batch_size)
self.iterator = dataset.make_initializable_iterator()
def _bcolz_dataset(self, bcolz_path, attr_dict={}):
arr = bcolz.open(rootdir=bcolz_path, mode='r')
for k,v in attr_dict.items():
assert arr.attrs[k]==v, "loss network mismatch"
dataset = tf.contrib.data.Dataset.range(len(arr))
py_func = lambda y: self._parse_function(y, arr)
dataset = dataset.map(lambda x: tf.py_func(py_func, [x], [tf.float32]))
dataset = dataset.map(lambda x: tf.reshape(x, arr.shape[1:]))
return dataset
def _parse_function(self, i, arr):
elem = arr[i]
return elem
def crop_and_resize(img, side=None):
if(side==None):
img = np.asarray(img)
return img
shortest = float(min(img.width,img.height))
resized = np.round(np.multiply(side/shortest, img.size)).astype(int)
img = img.resize(resized, Image.BILINEAR)
left = (img.width - side)/2
top = (img.height - side)/2
img = np.asarray(img)
img = img[top:top+side, left:left+side, :]
return img
def save_image(out_path, img):
img = np.clip(img, 0, 255).astype(np.uint8)
scipy.misc.imsave(out_path, img)
def load_images(path, image_size=None):
valid_exts = ['.jpeg', '.jpg']
image_names = []
images = []
if(os.path.isdir(path)):
for file_name in os.listdir(path):
base, ext = os.path.splitext(file_name)
if ext in valid_exts:
image_names.append(base)
image = Image.open(os.path.join(path, file_name))
image = crop_and_resize(image, image_size)
images.append(image)
assert len(images) > 0
elif(os.path.isfile(path)):
folder_name, file_name = os.path.split(path)
base, ext = os.path.splitext(file_name)
assert ext in valid_exts
image_names = [base]
image = Image.open(os.path.join(path))
image = crop_and_resize(image, image_size)
images = [image]
else:
raise ValueError('Uninterpretable path')
return image_names, images
def create_subfolder(super_folder, folder_name):
new_folder_path = os.path.join(super_folder, folder_name)
os.makedirs(new_folder_path)
def load_image(src, image_size=None):
image = Image.open(os.path.join(src))
image = crop_and_resize(image, image_size)
return image
def exists(p, msg):
assert os.path.exists(p), msg
def create_folder(dir_name, msg):
assert not(os.path.exists(dir_name)), msg
os.makedirs(dir_name)
def tensor_shape(tensor):
shp = tf.shape(tensor)
return shp[0], shp[1], shp[2], shp[3]
def download_model(model_url, model_dir, model_name):
"""Downloads the `model_url`, uncompresses it, saves the model file with
the name model_name (default if unspecified) in the folder model_dir.
Args:
model_url: The URL of the model tarball file.
model_dir: The directory where the model files are stored.
model_name: The name of the model checkpoint file
"""
model_name = model_name + '.ckpt'
model_path = os.path.join(model_dir, model_name)
if os.path.exists(model_path):
return
tmp_dir = os.path.join(model_dir, 'tmp')
if not os.path.exists(tmp_dir):
os.makedirs(tmp_dir)
filename = model_url.split('/')[-1]
filepath = os.path.join(tmp_dir, filename)
def _progress(count, block_size, total_size):
sys.stdout.write('\r>> Downloading %s %.1f%%' % (
filename, float(count * block_size) / float(total_size) * 100.0))
sys.stdout.flush()
filepath, _ = six_urllib.request.urlretrieve(model_url, filepath, _progress)
print()
statinfo = os.stat(filepath)
print('Successfully downloaded', filename, statinfo.st_size, 'bytes.')
tarfile.open(filepath, 'r:gz').extractall(tmp_dir)
ckpt_files = glob.glob(os.path.join(tmp_dir, '*.ckpt')) + glob.glob(os.path.join(tmp_dir, '*/*.ckpt'))
assert len(ckpt_files)==1
folder_name, file_name = os.path.split(ckpt_files[0])
move(ckpt_files[0], os.path.join(model_dir, model_name))
rmtree(tmp_dir)
| [
"[email protected]"
] | |
6edf173e645aa482d70942d9c14aeff463c3997c | 6a5ce7d885db1baa5a9d43b26f0ae623a5ef0f01 | /azure-mgmt-network/azure/mgmt/network/operations/virtual_networks_operations.py | 1456322d7c77268112526c588cb0e745cae281e7 | [
"Apache-2.0"
] | permissive | JammyBrand82/azure-sdk-for-python | 333af194ff9143ec77f49203a5a71f15c399f278 | c65e189cd41bd3464556b17bfcdee1303867996c | refs/heads/master | 2021-01-17T18:31:10.661151 | 2016-03-17T21:03:08 | 2016-03-17T21:03:08 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 17,268 | py | # coding=utf-8
# --------------------------------------------------------------------------
# Copyright (c) Microsoft and contributors. 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.
#
# Code generated by Microsoft (R) AutoRest Code Generator.
# Changes may cause incorrect behavior and will be lost if the code is
# regenerated.
# --------------------------------------------------------------------------
from msrest.pipeline import ClientRawResponse
from msrestazure.azure_exceptions import CloudError
from msrestazure.azure_operation import AzureOperationPoller
import uuid
from .. import models
class VirtualNetworksOperations(object):
"""VirtualNetworksOperations operations.
:param client: Client for service requests.
:param config: Configuration of service client.
:param serializer: An object model serializer.
:param deserializer: An objec model deserializer.
"""
def __init__(self, client, config, serializer, deserializer):
self._client = client
self._serialize = serializer
self._deserialize = deserializer
self.config = config
def delete(
self, resource_group_name, virtual_network_name, custom_headers={}, raw=False, **operation_config):
"""
The Delete VirtualNetwork operation deletes the specifed virtual
network
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param virtual_network_name: The name of the virtual network.
:type virtual_network_name: str
:param dict custom_headers: headers that will be added to the request
:param boolean raw: returns the direct response alongside the
deserialized response
:rtype: None
:rtype: msrest.pipeline.ClientRawResponse if raw=True
"""
# Construct URL
url = '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.Network/virtualnetworks/{virtualNetworkName}'
path_format_arguments = {
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str'),
'virtualNetworkName': self._serialize.url("virtual_network_name", virtual_network_name, 'str'),
'subscriptionId': self._serialize.url("self.config.subscription_id", self.config.subscription_id, 'str')
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {}
query_parameters['api-version'] = self._serialize.query("self.config.api_version", self.config.api_version, 'str')
# Construct headers
header_parameters = {}
header_parameters['Content-Type'] = 'application/json; charset=utf-8'
if self.config.generate_client_request_id:
header_parameters['x-ms-client-request-id'] = str(uuid.uuid1())
if custom_headers:
header_parameters.update(custom_headers)
if self.config.accept_language is not None:
header_parameters['accept-language'] = self._serialize.header("self.config.accept_language", self.config.accept_language, 'str')
# Construct and send request
def long_running_send():
request = self._client.delete(url, query_parameters)
return self._client.send(request, header_parameters, **operation_config)
def get_long_running_status(status_link, headers={}):
request = self._client.get(status_link)
request.headers.update(headers)
return self._client.send(
request, header_parameters, **operation_config)
def get_long_running_output(response):
if response.status_code not in [202, 204, 200]:
exp = CloudError(response)
exp.request_id = response.headers.get('x-ms-request-id')
raise exp
if raw:
client_raw_response = ClientRawResponse(None, response)
return client_raw_response
long_running_operation_timeout = operation_config.get(
'long_running_operation_timeout',
self.config.long_running_operation_timeout)
return AzureOperationPoller(
long_running_send, get_long_running_output,
get_long_running_status, long_running_operation_timeout)
def get(
self, resource_group_name, virtual_network_name, expand=None, custom_headers={}, raw=False, **operation_config):
"""
The Get VirtualNetwork operation retrieves information about the
specified virtual network.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param virtual_network_name: The name of the virtual network.
:type virtual_network_name: str
:param expand: expand references resources.
:type expand: str
:param dict custom_headers: headers that will be added to the request
:param boolean raw: returns the direct response alongside the
deserialized response
:rtype: VirtualNetwork
:rtype: msrest.pipeline.ClientRawResponse if raw=True
"""
# Construct URL
url = '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.Network/virtualnetworks/{virtualNetworkName}'
path_format_arguments = {
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str'),
'virtualNetworkName': self._serialize.url("virtual_network_name", virtual_network_name, 'str'),
'subscriptionId': self._serialize.url("self.config.subscription_id", self.config.subscription_id, 'str')
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {}
query_parameters['api-version'] = self._serialize.query("self.config.api_version", self.config.api_version, 'str')
if expand is not None:
query_parameters['$expand'] = self._serialize.query("expand", expand, 'str')
# Construct headers
header_parameters = {}
header_parameters['Content-Type'] = 'application/json; charset=utf-8'
if self.config.generate_client_request_id:
header_parameters['x-ms-client-request-id'] = str(uuid.uuid1())
if custom_headers:
header_parameters.update(custom_headers)
if self.config.accept_language is not None:
header_parameters['accept-language'] = self._serialize.header("self.config.accept_language", self.config.accept_language, 'str')
# Construct and send request
request = self._client.get(url, query_parameters)
response = self._client.send(request, header_parameters, **operation_config)
if response.status_code not in [200]:
exp = CloudError(response)
exp.request_id = response.headers.get('x-ms-request-id')
raise exp
deserialized = None
if response.status_code == 200:
deserialized = self._deserialize('VirtualNetwork', response)
if raw:
client_raw_response = ClientRawResponse(deserialized, response)
return client_raw_response
return deserialized
def create_or_update(
self, resource_group_name, virtual_network_name, parameters, custom_headers={}, raw=False, **operation_config):
"""
The Put VirtualNetwork operation creates/updates a virtual network in
the specified resource group.
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param virtual_network_name: The name of the virtual network.
:type virtual_network_name: str
:param parameters: Parameters supplied to the create/update Virtual
Network operation
:type parameters: VirtualNetwork
:param dict custom_headers: headers that will be added to the request
:param boolean raw: returns the direct response alongside the
deserialized response
:rtype: VirtualNetwork
:rtype: msrest.pipeline.ClientRawResponse if raw=True
"""
# Construct URL
url = '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.Network/virtualnetworks/{virtualNetworkName}'
path_format_arguments = {
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str'),
'virtualNetworkName': self._serialize.url("virtual_network_name", virtual_network_name, 'str'),
'subscriptionId': self._serialize.url("self.config.subscription_id", self.config.subscription_id, 'str')
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {}
query_parameters['api-version'] = self._serialize.query("self.config.api_version", self.config.api_version, 'str')
# Construct headers
header_parameters = {}
header_parameters['Content-Type'] = 'application/json; charset=utf-8'
if self.config.generate_client_request_id:
header_parameters['x-ms-client-request-id'] = str(uuid.uuid1())
if custom_headers:
header_parameters.update(custom_headers)
if self.config.accept_language is not None:
header_parameters['accept-language'] = self._serialize.header("self.config.accept_language", self.config.accept_language, 'str')
# Construct body
body_content = self._serialize.body(parameters, 'VirtualNetwork')
# Construct and send request
def long_running_send():
request = self._client.put(url, query_parameters)
return self._client.send(
request, header_parameters, body_content, **operation_config)
def get_long_running_status(status_link, headers={}):
request = self._client.get(status_link)
request.headers.update(headers)
return self._client.send(
request, header_parameters, **operation_config)
def get_long_running_output(response):
if response.status_code not in [200, 201]:
exp = CloudError(response)
exp.request_id = response.headers.get('x-ms-request-id')
raise exp
deserialized = None
if response.status_code == 200:
deserialized = self._deserialize('VirtualNetwork', response)
if response.status_code == 201:
deserialized = self._deserialize('VirtualNetwork', response)
if raw:
client_raw_response = ClientRawResponse(deserialized, response)
return client_raw_response
return deserialized
long_running_operation_timeout = operation_config.get(
'long_running_operation_timeout',
self.config.long_running_operation_timeout)
return AzureOperationPoller(
long_running_send, get_long_running_output,
get_long_running_status, long_running_operation_timeout)
def list_all(
self, custom_headers={}, raw=False, **operation_config):
"""
The list VirtualNetwork returns all Virtual Networks in a subscription
:param dict custom_headers: headers that will be added to the request
:param boolean raw: returns the direct response alongside the
deserialized response
:rtype: VirtualNetworkPaged
:rtype: msrest.pipeline.ClientRawResponse if raw=True
"""
def internal_paging(next_link=None, raw=False):
if not next_link:
# Construct URL
url = '/subscriptions/{subscriptionId}/providers/Microsoft.Network/virtualnetworks'
path_format_arguments = {
'subscriptionId': self._serialize.url("self.config.subscription_id", self.config.subscription_id, 'str')
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {}
query_parameters['api-version'] = self._serialize.query("self.config.api_version", self.config.api_version, 'str')
else:
url = next_link
query_parameters = {}
# Construct headers
header_parameters = {}
header_parameters['Content-Type'] = 'application/json; charset=utf-8'
if self.config.generate_client_request_id:
header_parameters['x-ms-client-request-id'] = str(uuid.uuid1())
if custom_headers:
header_parameters.update(custom_headers)
if self.config.accept_language is not None:
header_parameters['accept-language'] = self._serialize.header("self.config.accept_language", self.config.accept_language, 'str')
# Construct and send request
request = self._client.get(url, query_parameters)
response = self._client.send(
request, header_parameters, **operation_config)
if response.status_code not in [200]:
exp = CloudError(response)
exp.request_id = response.headers.get('x-ms-request-id')
raise exp
return response
# Deserialize response
deserialized = models.VirtualNetworkPaged(internal_paging, self._deserialize.dependencies)
if raw:
header_dict = {}
client_raw_response = models.VirtualNetworkPaged(internal_paging, self._deserialize.dependencies, header_dict)
return client_raw_response
return deserialized
def list(
self, resource_group_name, custom_headers={}, raw=False, **operation_config):
"""
The list VirtualNetwork returns all Virtual Networks in a resource
group
:param resource_group_name: The name of the resource group.
:type resource_group_name: str
:param dict custom_headers: headers that will be added to the request
:param boolean raw: returns the direct response alongside the
deserialized response
:rtype: VirtualNetworkPaged
:rtype: msrest.pipeline.ClientRawResponse if raw=True
"""
def internal_paging(next_link=None, raw=False):
if not next_link:
# Construct URL
url = '/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.Network/virtualnetworks'
path_format_arguments = {
'resourceGroupName': self._serialize.url("resource_group_name", resource_group_name, 'str'),
'subscriptionId': self._serialize.url("self.config.subscription_id", self.config.subscription_id, 'str')
}
url = self._client.format_url(url, **path_format_arguments)
# Construct parameters
query_parameters = {}
query_parameters['api-version'] = self._serialize.query("self.config.api_version", self.config.api_version, 'str')
else:
url = next_link
query_parameters = {}
# Construct headers
header_parameters = {}
header_parameters['Content-Type'] = 'application/json; charset=utf-8'
if self.config.generate_client_request_id:
header_parameters['x-ms-client-request-id'] = str(uuid.uuid1())
if custom_headers:
header_parameters.update(custom_headers)
if self.config.accept_language is not None:
header_parameters['accept-language'] = self._serialize.header("self.config.accept_language", self.config.accept_language, 'str')
# Construct and send request
request = self._client.get(url, query_parameters)
response = self._client.send(
request, header_parameters, **operation_config)
if response.status_code not in [200]:
exp = CloudError(response)
exp.request_id = response.headers.get('x-ms-request-id')
raise exp
return response
# Deserialize response
deserialized = models.VirtualNetworkPaged(internal_paging, self._deserialize.dependencies)
if raw:
header_dict = {}
client_raw_response = models.VirtualNetworkPaged(internal_paging, self._deserialize.dependencies, header_dict)
return client_raw_response
return deserialized
| [
"[email protected]"
] | |
a039c87a5a88189abe2b4e273680d7baae5b9f8b | 17268419060d62dabb6e9b9ca70742f0a5ba1494 | /pp/samples/21_add_fiber_array.py | 36357d855e4a117e710cb118a97380217da53c98 | [
"MIT"
] | permissive | TrendingTechnology/gdsfactory | a19124423b12cbbb4f35b61f33303e9a012f82e5 | c968558dba1bae7a0421bdf49dc192068147b776 | refs/heads/master | 2023-02-22T03:05:16.412440 | 2021-01-24T03:38:00 | 2021-01-24T03:38:00 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 365 | py | """Connecting a component with I/O.
"""
import pp
from pp.samples.big_device import big_device
def test_big_device():
component = big_device(N=10)
bend_radius = 5.0
c = pp.routing.add_fiber_array(
component, bend_radius=bend_radius, fanout_length=50.0
)
return c
if __name__ == "__main__":
c = test_big_device()
pp.show(c)
| [
"[email protected]"
] | |
8f6eb903f27861c546fd13331fa65729abc6dc37 | 1c5fdabf183c5eb3a9d6577049e674c3757c00db | /Блэк_Джек_4/Lucky_Jack_4_3.py | 88c2918e249e7140b7b03160d396b46a1c59a2c4 | [] | no_license | Bhaney44/Blackjack | b997b46bb92fc71f1471cf6d82048df72a32d342 | ca64e41af0669f2e364d80a206682481c2951771 | refs/heads/master | 2022-12-11T06:58:16.716447 | 2020-09-15T01:03:47 | 2020-09-15T01:03:47 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,628 | py | #LuckyJack
#Copyright Brian S. Haney 2020
#Import Random
#Import Prototype GUI and Data Storage Library
from tkinter import *
from tkinter.messagebox import *
import csv
#Factor Labels
master = Tk()
#Dealer
#Labels
label0 = Label(master, text = 'Dealer', relief = 'groove', width = 20)
label1 = Label(master, text = 'Open Card', relief = 'groove', width = 20)
label3 = Label(master, text = 'Secret Card', relief = 'groove', width = 20)
label4 = Label(master, text = 'Hit', relief = 'groove', width = 20)
label5 = Label(master, text = 'Hit', relief = 'groove', width = 20)
label6 = Label(master, text = 'Hit', relief = 'groove', width = 20)
label7 = Label(master, text = 'Dealer Total', relief = 'groove', width = 20)
#Blanks
blank1 = Entry(master, relief = 'groove', width = 20)
blank2 = Entry(master, relief = 'groove', width = 20)
blank3 = Entry(master, relief = 'groove', width = 20)
blank4 = Entry(master, relief = 'groove', width = 20)
blank5 = Entry(master, relief = 'groove', width = 20)
blank6 = Entry(master, relief = 'groove', width = 20)
blank7 = Entry(master, relief = 'groove', width = 20)
#Player
#Labels
label8 = Label(master, text = 'Player', relief = 'groove', width = 20)
label9 = Label(master, text = 'Card 0', relief = 'groove', width = 20)
label10 = Label(master, text = 'Card 1', relief = 'groove', width = 20)
label11 = Label(master, text = 'Hit', relief = 'groove', width = 20)
label12 = Label(master, text = 'Player Total', relief = 'groove', width = 20)
#Blanks
blank8 = Entry(master, relief = 'groove', width = 20)
blank9 = Entry(master, relief = 'groove', width = 20)
blank10 = Entry(master, relief = 'groove', width = 20)
blank11 = Entry(master, relief = 'groove', width = 20)
#Scoreboard
#Labels
label13 = Label(master, text = 'Chips', relief = 'groove', width = 20)
label14 = Label(master, text = 'Cost', relief = 'groove', width = 20)
label15 = Label(master, text = 'Return', relief = 'groove', width = 20)
label16 = Label(master, text = 'Lucky Jack', relief = 'groove', width = 20)
label17 = Label(master, text = 'Scoreboard', relief = 'groove', width = 20)
label18 = Label(master, text = 'Dealer Score', relief = 'groove', width = 20)
label19 = Label(master, text = 'Player Score', relief = 'groove', width = 20)
#Blanks
blank12 = Entry(master, relief = 'groove', width = 20)
blank13 = Entry(master, relief = 'groove', width = 20)
blank14 = Entry(master, relief = 'groove', width = 20)
blank15 = Entry(master, relief = 'groove', width = 20)
blank16 = Entry(master, relief = 'groove', width = 20)
#Functions
def deal():
print(deal)
def hit():
print(hit)
#Buttons
button0 = Button(master, text = 'Hit', relief = 'groove', width = 20, command = hit)
button1 = Button(master, text = 'Deal', relief = 'groove', width = 20, command = deal)
#Geometry
#Dealer
label0.grid( row = 11, column = 1, padx = 10 )
label1.grid( row = 12, column = 1, padx = 10 )
label3.grid( row = 13, column = 1, padx = 10 )
label4.grid( row = 14, column = 1, padx = 10 )
label5.grid( row = 15, column = 1, padx = 10 )
label6.grid( row = 16, column = 1, padx = 10 )
label7.grid( row = 17, column = 1, padx = 10 )
blank1.grid( row = 12, column = 2, padx = 10 )
blank2.grid( row = 13, column = 2, padx = 10 )
blank3.grid( row = 14, column = 2, padx = 10 )
blank4.grid( row = 15, column = 2, padx = 10 )
blank5.grid( row = 16, column = 2, padx = 10 )
blank6.grid( row = 16, column = 2, padx = 10 )
blank7.grid( row = 17, column = 2, padx = 10 )
#Player
label8.grid( row = 18, column = 1, padx = 10 )
label9.grid( row = 19, column = 1, padx = 10 )
label10.grid( row = 20, column = 1, padx = 10 )
label11.grid( row = 21, column = 1, padx = 10 )
label12.grid( row = 22, column = 1, padx = 10 )
blank8.grid( row = 18, column = 2, padx = 10 )
blank9.grid( row = 19, column = 2, padx = 10 )
blank10.grid( row = 20, column = 2, padx = 10 )
blank11.grid( row = 21, column = 2, padx = 10 )
#Scoreboard
label13.grid( row = 4, column = 2, padx = 10 )
label14.grid( row = 6, column = 2, padx = 10 )
label15.grid( row = 8, column = 2, padx = 10 )
label16.grid( row = 1, column = 1, padx = 40 )
label17.grid( row = 2, column = 1, padx = 30 )
label18.grid( row = 3, column = 1, padx = 10 )
label19.grid( row = 3, column = 3, padx = 10 )
blank12.grid( row = 7, column = 2, padx = 10 )
blank13.grid( row = 8, column = 2, padx = 10 )
blank14.grid( row = 4, column = 1, padx = 10 )
blank15.grid( row = 4, column = 3, padx = 10 )
blank16.grid( row = 5, column = 2, padx = 10 )
button0.grid( row = 9, column = 1, columnspan = 1)
button1.grid( row = 10, column = 1, columnspan = 1)
#Static Properties
master.title('LuckyJack')
| [
"[email protected]"
] | |
ccd137343ed60e23598ec8c8ad814ccd1564fa22 | 15d5c79bc5094ab25a9d3f286bb99d30b2598cfa | /network/smurfcoin.py | 65c6b19e7bba2ca327a36fa4bfa8bfa33e4274ad | [] | no_license | jabef/clove_bounty | 1d4f660969e905fc5fc50e10273d2f2d55df0723 | b58bc10b46ba983b890d8e599fb548c7aea2695b | refs/heads/master | 2021-04-27T21:41:29.952341 | 2018-02-19T17:14:15 | 2018-02-19T17:14:15 | 122,404,779 | 0 | 0 | null | 2018-02-21T23:01:22 | 2018-02-21T23:01:21 | null | UTF-8 | Python | false | false | 373 | py | from clove.network.bitcoin import Bitcoin
class SmurfCoin(Bitcoin):
"""
Class with all the necessary SmurfCoin network information based on
https://github.com/smurfscoin/smf/blob/master/src/net.cpp
(date of access: 02/18/2018)
"""
name = 'smurfcoin'
symbols = ('SMF', )
seeds = ("45.55.83.96")
port = 43221
# no testnet | [
"[email protected]"
] | |
d4760ff4c833f78ede6feab4c7e69ea26fb96a7c | 586a67650102938663f79290f02467ad8a683b43 | /invoice/views/invoices.py | 5042e0fa85e79d4a9192a039b308238a037e447c | [] | no_license | Shokr/yalla_invoice | 64956d886a5056455e519f7c1cfaf364138609d3 | 5a668963f4cb2a42e4111d855543a680ceec90c4 | refs/heads/master | 2022-10-04T09:50:32.517524 | 2021-05-03T20:06:42 | 2021-05-03T20:06:42 | 241,491,107 | 1 | 0 | null | 2022-09-23T22:36:00 | 2020-02-18T23:38:39 | Python | UTF-8 | Python | false | false | 4,101 | py | from django.http import HttpResponseRedirect
from django.shortcuts import get_object_or_404, render
from django.urls import reverse
from django.contrib.auth.decorators import login_required
from django.contrib.auth.decorators import login_required, user_passes_test
import datetime
# Local Applications imports
from ..forms import *
@login_required
def index(request):
invoices = Invoice.objects.all().order_by('-date_created')
context = {
'title': 'Recent Invoices',
'invoice_list': invoices,
}
return render(request, 'invoice/index.html', context)
# Show big list of all invoices
@login_required
def all_invoices(request):
invoices = Invoice.objects.order_by('-date_created')
context = {
'title': 'All Invoices',
'invoice_list': invoices,
}
return render(request, 'invoice/all_invoice.html', context)
# Show invalid invoices
@login_required
def invalid_invoices(request):
invoices = Invoice.objects.filter(valid='False').order_by('-date_created')
context = {
'title': 'Invalid Invoices',
'invoice_list': invoices,
}
return render(request, 'invoice/invalid_invoices.html', context)
# Display a specific invoice
@login_required
def invoice(request, invoice_id):
invoice = get_object_or_404(Invoice, pk=invoice_id)
itemformset = ItemFormset()
context = {
'title': 'Invoice ' + str(invoice_id),
'invoice': invoice,
'formset': itemformset,
}
return render(request, 'invoice/invoice.html', context)
# Search for invoice
@login_required
def search_invoice(request):
id = request.POST['id']
return HttpResponseRedirect(reverse('invoice:view_invoice', args=(id,)))
# Create new invoice
@login_required
def new_invoice(request):
# If no customer_id is defined, create a new invoice
if request.method == 'POST':
customer_id = request.POST.get("customer_id", "None")
user = request.user.username
if customer_id == 'None':
customers = Customer.objects.order_by('name')
context = {
'title': 'New Invoice',
'customer_list': customers,
'error_message': 'Please select a customer.',
}
return render(request, 'invoice/new_invoice.html', context)
else:
customer = get_object_or_404(Customer, pk=customer_id)
i = Invoice(customer=customer, user=user)
i.save()
return HttpResponseRedirect(reverse('invoice:invoice', args=(i.id,)))
else:
# Customer list needed to populate select field
customers = Customer.objects.order_by('name')
context = {
'title': 'New Invoice',
'customer_list': customers,
}
return render(request, 'invoice/new_invoice.html', context)
# View invoice
@login_required
def view_invoice(request, invoice_id):
invoice = get_object_or_404(Invoice, pk=invoice_id)
context = {
'title': "Invoice " + str(invoice_id),
'invoice': invoice,
}
return render(request, 'invoice/view_invoice.html', context)
# # edit invoice
# @login_required
# def edit_invoice(request, invoice_id):
# invoice = get_object_or_404(Invoice, pk=invoice_id)
# context = {
# 'title': "Invoice " + str(invoice_id),
# 'invoice': invoice,
# }
# return render(request, 'invoice/invoice.html', context)
# Print invoice
@login_required
def print_invoice(request, invoice_id):
invoice = get_object_or_404(Invoice, pk=invoice_id)
context = {
'title': "Invoice " + str(invoice_id),
'invoice': invoice,
}
return render(request, 'invoice/print_invoice.html', context)
# Invalidate an invoice
@login_required
# @user_passes_test(lambda u: u.groups.filter(name='xmen').count() == 0, login_url='invoice/all_invoice.html')
def invalidate_invoice(request, invoice_id):
invoice = get_object_or_404(Invoice, pk=invoice_id)
invoice.valid = False
invoice.save()
return HttpResponseRedirect(reverse('invoice:index'))
| [
"[email protected]"
] | |
75a6d5e4fa9d09bca96df632809baf921651227a | 9743d5fd24822f79c156ad112229e25adb9ed6f6 | /xai/brain/wordbase/verbs/_arousing.py | 40991d3cd0e5d6d4556cec52531935097102e368 | [
"MIT"
] | permissive | cash2one/xai | de7adad1758f50dd6786bf0111e71a903f039b64 | e76f12c9f4dcf3ac1c7c08b0cc8844c0b0a104b6 | refs/heads/master | 2021-01-19T12:33:54.964379 | 2017-01-28T02:00:50 | 2017-01-28T02:00:50 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 240 | py |
from xai.brain.wordbase.verbs._arouse import _AROUSE
#calss header
class _AROUSING(_AROUSE, ):
def __init__(self,):
_AROUSE.__init__(self)
self.name = "AROUSING"
self.specie = 'verbs'
self.basic = "arouse"
self.jsondata = {}
| [
"[email protected]"
] | |
41c70e9309c3776bec2dea935e8102a58ae2d215 | cfb4e8721137a096a23d151f2ff27240b218c34c | /mypower/matpower_ported/lib/mpoption_info_fmincon.py | 072799309556c4b95076795f10756ceb343dc4ee | [
"Apache-2.0"
] | permissive | suryo12/mypower | eaebe1d13f94c0b947a3c022a98bab936a23f5d3 | ee79dfffc057118d25f30ef85a45370dfdbab7d5 | refs/heads/master | 2022-11-25T16:30:02.643830 | 2020-08-02T13:16:20 | 2020-08-02T13:16:20 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 176 | py | def mpoption_info_fmincon(*args,nout=1,oc=None):
if oc == None:
from ...oc_matpower import oc_matpower
oc = oc_matpower()
return oc.mpoption_info_fmincon(*args,nout=nout)
| [
"[email protected]"
] | |
1b72274245ff18b5551db7c3c249ebc482c5838a | 1bdbcc3954ed75574eea1af5bf49f03cce4af198 | /class_work_problems/num_to_letter.py | 815b33cda3e3d34cf20083c0ba916bd11eead0bc | [] | no_license | skreynolds/uta_cse_1309x | d73bbadb012147e6196e2320d4d635bee81d28f4 | 40c1221fdcc192fe66c7e60c636b08a8cfbebb2d | refs/heads/master | 2020-12-22T20:19:31.977554 | 2020-01-29T06:50:24 | 2020-01-29T06:50:24 | 236,921,284 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,664 | py | # Type your code here
n=int(input('please enter an integer between 1 and 9999: '))
units = ['','one','two','three','four','five','six','seven','eight','nine']
teens = ['','eleven','twelve','thirteen','fourteen','fifteen','sixteen', 'seventeen','eighteen','nineteen']
tens = ['','ten','twenty','thirty','forty','fifty','sixty','seventy', 'eighty','ninety']
num_list = []
nums = 0
for i in range(len(str(n))):
num_list.append(n%10)
n = n//10
nums += 1
num_list.reverse()
#print(num_list)
i = 5 - nums
for iteration in range(nums):
e = num_list[iteration]
if i == 1:
if num_list[iteration + 1] == 0 and num_list[iteration + 2] == 0 and num_list[iteration + 3] == 0:
print(units[e], end = " ")
print("thousand", end = "")
else:
print(units[e], end = " ")
print("thousand", end = " ")
elif i == 2:
if e != 0:
if num_list[iteration + 1] == 0 and num_list[iteration + 2] == 0:
print(units[e], end = " ")
print("hundred", end = "")
else:
print(units[e], end = " ")
print("hundred", end = " ")
elif i == 3:
if e > 1:
if num_list[iteration + 1] == 0:
print(tens[e], end = "")
else:
print(tens[e], end = " ")
elif e == 1:
if num_list[iteration + 1] != 0:
print(teens[num_list[iteration + 1]])
break
elif num_list[iteration + 1] == 0:
print(tens[1])
break
else:
print(units[e])
# Incement counter
i += 1
| [
"[email protected]"
] | |
62e40235228c53143cd46bc282718e6f767e019d | c3dc08fe8319c9d71f10473d80b055ac8132530e | /challenge-107/roger-bell-west/python/ch-1.py | e638dd33c91314e47cd0245efcf95f3d3d7ef792 | [] | no_license | southpawgeek/perlweeklychallenge-club | d4b70d9d8e4314c4dfc4cf7a60ddf457bcaa7a1e | 63fb76188e132564e50feefd2d9d5b8491568948 | refs/heads/master | 2023-01-08T19:43:56.982828 | 2022-12-26T07:13:05 | 2022-12-26T07:13:05 | 241,471,631 | 1 | 0 | null | 2020-02-18T21:30:34 | 2020-02-18T21:30:33 | null | UTF-8 | Python | false | false | 703 | py | #! /usr/bin/python3
def sdn(count):
r=list()
n=10
while len(r) < count:
ns=[int(i) for i in "{:d}".format(n)]
d=[0]*10
for i in ns:
d[i]+=1
sd=True
for i in range(len(ns)):
if d[i] != ns[i]:
sd=False
break
if sd and len(ns)<10:
for i in range(len(ns),10):
if d[i] != 0:
sd=False
break
if sd:
r.append(n)
n+=10
return r
import unittest
class TestSdn(unittest.TestCase):
def test_ex1(self):
self.assertEqual(sdn(3),[1210, 2020, 21200],'example 1')
unittest.main()
| [
"[email protected]"
] | |
af04626fbf64b19bf1abe99c30b6144727cd2489 | 51ce07a419abe50f49e7bb6a6c036af291ea2ef5 | /3.Algorithm/08. 비트&진수/이진수.py | 672c8c01e566a544904cc9057c3b3d923e469569 | [] | no_license | salee1023/TIL | c902869e1359246b6dd926166f5ac9209af7b1aa | 2905bd331e451673cbbe87a19e658510b4fd47da | refs/heads/master | 2023-03-10T09:48:41.377704 | 2021-02-24T10:47:27 | 2021-02-24T10:47:27 | 341,129,838 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 332 | py | T = int(input())
for tc in range(1, 1+T):
N, numbers = input().split()
N = int(N)
print(f'#{tc} ', end='')
for n in range(N):
t = format(int(numbers[n], 16), '03b')
# if len(t) < 4:
# print('0'*(4-len(t)), end='')
print(t, end='')
print()
'''
3
4 47FE
5 79E12
8 41DA16CD
''' | [
"[email protected]"
] | |
76e82c15daa30b0a37073c20c9abe4c4c7c2b4dd | 9023909d2776e708755f98d5485c4cffb3a56000 | /oneflow/compatible_single_client_python/eager/interpreter_callback.py | 4295829ee25c69fc8856e2d0462ad1e2a31c31cd | [
"Apache-2.0"
] | permissive | sailfish009/oneflow | f6cf95afe67e284d9f79f1a941e7251dfc58b0f7 | 4780aae50ab389472bd0b76c4333e7e0a1a56ef7 | refs/heads/master | 2023-06-24T02:06:40.957297 | 2021-07-26T09:35:29 | 2021-07-26T09:35:29 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,285 | py | """
Copyright 2020 The OneFlow 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.
"""
from __future__ import absolute_import
from oneflow.compatible.single_client.python.eager import gradient_util as gradient_util
from oneflow.compatible.single_client.python.eager import op_executor as op_executor
from oneflow.compatible.single_client.core.operator import (
op_attribute_pb2 as op_attribute_pb,
)
from oneflow.compatible.single_client.core.job import scope_pb2 as scope_pb
from oneflow.compatible.single_client.core.job import placement_pb2 as placement_pb
from google.protobuf import text_format
from oneflow.compatible.single_client.python.framework import scope_util as scope_util
from oneflow.compatible.single_client.python.eager import (
symbol_storage as symbol_storage,
)
import oneflow._oneflow_internal
def MakeScopeSymbol(job_conf, parallel_conf, is_mirrored):
parallel_hierarchy = None
if parallel_conf.has_hierarchy():
parallel_hierarchy = oneflow._oneflow_internal.Size(
tuple(parallel_conf.hierarchy().dim())
)
return scope_util.MakeInitialScope(
job_conf,
parallel_conf.device_tag(),
list(parallel_conf.device_name()),
parallel_hierarchy,
is_mirrored,
).symbol_id
def MakeParallelDescSymbol(parallel_conf):
symbol_id = None
def BuildInstruction(builder):
nonlocal symbol_id
symbol_id = builder.GetParallelDescSymbol(parallel_conf).symbol_id
oneflow._oneflow_internal.deprecated.LogicalRun(BuildInstruction)
return symbol_id
def MirroredCast(op_attribute_str, parallel_conf):
op_attribute = text_format.Parse(op_attribute_str, op_attribute_pb.OpAttribute())
blob_register = oneflow._oneflow_internal.GetDefaultBlobRegister()
is_cast_to_mirrored = op_attribute.op_conf.HasField("cast_to_mirrored_conf")
is_cast_from_mirrored = op_attribute.op_conf.HasField("cast_from_mirrored_conf")
assert is_cast_to_mirrored or is_cast_from_mirrored
_MirroredCastAndAddOutputBlobReleaser(op_attribute, blob_register)
bw_blob_register = gradient_util.GetDefaultBackwardBlobRegister()
gradient_util.TrySetBackwardUsedBlobObject(
op_attribute, blob_register, bw_blob_register
)
def InterpretCompletedOp(op_attribute_str, parallel_conf):
op_attribute = text_format.Parse(op_attribute_str, op_attribute_pb.OpAttribute())
blob_register = gradient_util.GetDefaultBackwardBlobRegister()
_InterpretCompletedOp(op_attribute, parallel_conf, blob_register)
gradient_util.ReleaseUnusedBlobObject(op_attribute, blob_register)
def _InterpretCompletedOp(op_attribute, parallel_conf, blob_register):
return op_executor.Interpret(op_attribute, parallel_conf, blob_register)
def _MirroredCastAndAddOutputBlobReleaser(op_attribute, blob_register):
op_executor.MirroredCast(op_attribute, blob_register)
_AddOutputBlobObjectReleaser4InputBlobObject(op_attribute, blob_register)
def _AddOutputBlobObjectReleaser4InputBlobObject(op_attribute, blob_register):
in_lbi = op_attribute.arg_signature.bn_in_op2lbi["in"]
in_lbn = "%s/%s" % (in_lbi.op_name, in_lbi.blob_name)
in_blob_object = blob_register.GetObject4BlobName(in_lbn)
release = _MakeReleaser4MirroredCastBlobObject(op_attribute, blob_register)
in_blob_object.add_releaser(release)
def _MakeReleaser4MirroredCastBlobObject(op_attribute, blob_register):
def ReleaseMirroredBlobObject(obj):
for obn in op_attribute.output_bns:
lbi = op_attribute.arg_signature.bn_in_op2lbi[obn]
lbn = "%s/%s" % (lbi.op_name, lbi.blob_name)
blob_object = blob_register.GetObject4BlobName(lbn)
blob_register.ClearObject4BlobName(lbn)
return ReleaseMirroredBlobObject
| [
"[email protected]"
] | |
2d169025b193e12aed0d659dc60d693d4ff91353 | b156c2f5ee7417dfa1f6cdcf14e9773a25397544 | /GeneVisualization/venv2/Lib/site-packages/itk/itkInPlaceImageFilterAPython.py | 4faf0e090f3bfd257e6c260302d98225443a6739 | [] | no_license | PinarTurkyilmaz/Vis | 1115d9426e9c8eeb5d07949241713d6f58a7721b | 4dd4426a70c0bd0a6e405ffe923afee29630aa67 | refs/heads/master | 2022-11-18T13:16:18.668065 | 2020-07-06T21:04:10 | 2020-07-06T21:04:10 | 226,217,392 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 377,610 | py | # This file was automatically generated by SWIG (http://www.swig.org).
# Version 3.0.8
#
# Do not make changes to this file unless you know what you are doing--modify
# the SWIG interface file instead.
from sys import version_info
if version_info >= (3, 0, 0):
new_instancemethod = lambda func, inst, cls: _itkInPlaceImageFilterAPython.SWIG_PyInstanceMethod_New(func)
else:
from new import instancemethod as new_instancemethod
if version_info >= (2, 6, 0):
def swig_import_helper():
from os.path import dirname
import imp
fp = None
try:
fp, pathname, description = imp.find_module('_itkInPlaceImageFilterAPython', [dirname(__file__)])
except ImportError:
import _itkInPlaceImageFilterAPython
return _itkInPlaceImageFilterAPython
if fp is not None:
try:
_mod = imp.load_module('_itkInPlaceImageFilterAPython', fp, pathname, description)
finally:
fp.close()
return _mod
_itkInPlaceImageFilterAPython = swig_import_helper()
del swig_import_helper
else:
import _itkInPlaceImageFilterAPython
del version_info
try:
_swig_property = property
except NameError:
pass # Python < 2.2 doesn't have 'property'.
def _swig_setattr_nondynamic(self, class_type, name, value, static=1):
if (name == "thisown"):
return self.this.own(value)
if (name == "this"):
if type(value).__name__ == 'SwigPyObject':
self.__dict__[name] = value
return
method = class_type.__swig_setmethods__.get(name, None)
if method:
return method(self, value)
if (not static):
object.__setattr__(self, name, value)
else:
raise AttributeError("You cannot add attributes to %s" % self)
def _swig_setattr(self, class_type, name, value):
return _swig_setattr_nondynamic(self, class_type, name, value, 0)
def _swig_getattr_nondynamic(self, class_type, name, static=1):
if (name == "thisown"):
return self.this.own()
method = class_type.__swig_getmethods__.get(name, None)
if method:
return method(self)
if (not static):
return object.__getattr__(self, name)
else:
raise AttributeError(name)
def _swig_getattr(self, class_type, name):
return _swig_getattr_nondynamic(self, class_type, name, 0)
def _swig_repr(self):
try:
strthis = "proxy of " + self.this.__repr__()
except Exception:
strthis = ""
return "<%s.%s; %s >" % (self.__class__.__module__, self.__class__.__name__, strthis,)
try:
_object = object
_newclass = 1
except AttributeError:
class _object:
pass
_newclass = 0
def _swig_setattr_nondynamic_method(set):
def set_attr(self, name, value):
if (name == "thisown"):
return self.this.own(value)
if hasattr(self, name) or (name == "this"):
set(self, name, value)
else:
raise AttributeError("You cannot add attributes to %s" % self)
return set_attr
import itkImageToImageFilterBPython
import itkImageSourcePython
import itkImageSourceCommonPython
import ITKCommonBasePython
import pyBasePython
import itkImagePython
import itkSizePython
import itkPointPython
import vnl_vector_refPython
import vnl_vectorPython
import vnl_matrixPython
import stdcomplexPython
import itkVectorPython
import itkFixedArrayPython
import itkIndexPython
import itkOffsetPython
import itkRGBAPixelPython
import itkCovariantVectorPython
import itkRGBPixelPython
import itkMatrixPython
import vnl_matrix_fixedPython
import itkSymmetricSecondRankTensorPython
import itkImageRegionPython
import itkVectorImagePython
import itkVariableLengthVectorPython
import itkImageToImageFilterCommonPython
import itkImageToImageFilterAPython
def itkInPlaceImageFilterIF3IRGBAUC3_New():
return itkInPlaceImageFilterIF3IRGBAUC3.New()
def itkInPlaceImageFilterIF2IRGBAUC2_New():
return itkInPlaceImageFilterIF2IRGBAUC2.New()
def itkInPlaceImageFilterIUS3IRGBAUC3_New():
return itkInPlaceImageFilterIUS3IRGBAUC3.New()
def itkInPlaceImageFilterIUS2IRGBAUC2_New():
return itkInPlaceImageFilterIUS2IRGBAUC2.New()
def itkInPlaceImageFilterIUC3IRGBAUC3_New():
return itkInPlaceImageFilterIUC3IRGBAUC3.New()
def itkInPlaceImageFilterIUC2IRGBAUC2_New():
return itkInPlaceImageFilterIUC2IRGBAUC2.New()
def itkInPlaceImageFilterISS3IRGBAUC3_New():
return itkInPlaceImageFilterISS3IRGBAUC3.New()
def itkInPlaceImageFilterISS2IRGBAUC2_New():
return itkInPlaceImageFilterISS2IRGBAUC2.New()
def itkInPlaceImageFilterIUL3IRGBAUC3_New():
return itkInPlaceImageFilterIUL3IRGBAUC3.New()
def itkInPlaceImageFilterIUL2IRGBAUC2_New():
return itkInPlaceImageFilterIUL2IRGBAUC2.New()
def itkInPlaceImageFilterIRGBAUC3IUC3_New():
return itkInPlaceImageFilterIRGBAUC3IUC3.New()
def itkInPlaceImageFilterIRGBAUC2IUC2_New():
return itkInPlaceImageFilterIRGBAUC2IUC2.New()
def itkInPlaceImageFilterIRGBAUC3IRGBAUC3_New():
return itkInPlaceImageFilterIRGBAUC3IRGBAUC3.New()
def itkInPlaceImageFilterIRGBAUC2IRGBAUC2_New():
return itkInPlaceImageFilterIRGBAUC2IRGBAUC2.New()
def itkInPlaceImageFilterIF3IRGBUC3_New():
return itkInPlaceImageFilterIF3IRGBUC3.New()
def itkInPlaceImageFilterIF2IRGBUC2_New():
return itkInPlaceImageFilterIF2IRGBUC2.New()
def itkInPlaceImageFilterIUS3IRGBUC3_New():
return itkInPlaceImageFilterIUS3IRGBUC3.New()
def itkInPlaceImageFilterIUS2IRGBUC2_New():
return itkInPlaceImageFilterIUS2IRGBUC2.New()
def itkInPlaceImageFilterIUC3IRGBUC3_New():
return itkInPlaceImageFilterIUC3IRGBUC3.New()
def itkInPlaceImageFilterIUC2IRGBUC2_New():
return itkInPlaceImageFilterIUC2IRGBUC2.New()
def itkInPlaceImageFilterISS3IRGBUC3_New():
return itkInPlaceImageFilterISS3IRGBUC3.New()
def itkInPlaceImageFilterISS2IRGBUC2_New():
return itkInPlaceImageFilterISS2IRGBUC2.New()
def itkInPlaceImageFilterIUL3IRGBUC3_New():
return itkInPlaceImageFilterIUL3IRGBUC3.New()
def itkInPlaceImageFilterIUL2IRGBUC2_New():
return itkInPlaceImageFilterIUL2IRGBUC2.New()
def itkInPlaceImageFilterIRGBUC3IRGBUC3_New():
return itkInPlaceImageFilterIRGBUC3IRGBUC3.New()
def itkInPlaceImageFilterIRGBUC2IRGBUC2_New():
return itkInPlaceImageFilterIRGBUC2IRGBUC2.New()
def itkInPlaceImageFilterICVF43ICVF43_New():
return itkInPlaceImageFilterICVF43ICVF43.New()
def itkInPlaceImageFilterICVF42ICVF42_New():
return itkInPlaceImageFilterICVF42ICVF42.New()
def itkInPlaceImageFilterICVF33ICVF33_New():
return itkInPlaceImageFilterICVF33ICVF33.New()
def itkInPlaceImageFilterICVF32ICVF32_New():
return itkInPlaceImageFilterICVF32ICVF32.New()
def itkInPlaceImageFilterICVF23ICVF23_New():
return itkInPlaceImageFilterICVF23ICVF23.New()
def itkInPlaceImageFilterICVF22ICVF22_New():
return itkInPlaceImageFilterICVF22ICVF22.New()
def itkInPlaceImageFilterICVF43IVF43_New():
return itkInPlaceImageFilterICVF43IVF43.New()
def itkInPlaceImageFilterICVF42IVF42_New():
return itkInPlaceImageFilterICVF42IVF42.New()
def itkInPlaceImageFilterICVF33IVF33_New():
return itkInPlaceImageFilterICVF33IVF33.New()
def itkInPlaceImageFilterICVF32IVF32_New():
return itkInPlaceImageFilterICVF32IVF32.New()
def itkInPlaceImageFilterICVF23IVF23_New():
return itkInPlaceImageFilterICVF23IVF23.New()
def itkInPlaceImageFilterICVF22IVF22_New():
return itkInPlaceImageFilterICVF22IVF22.New()
def itkInPlaceImageFilterIVF43ICVF43_New():
return itkInPlaceImageFilterIVF43ICVF43.New()
def itkInPlaceImageFilterIVF42ICVF42_New():
return itkInPlaceImageFilterIVF42ICVF42.New()
def itkInPlaceImageFilterIVF33ICVF33_New():
return itkInPlaceImageFilterIVF33ICVF33.New()
def itkInPlaceImageFilterIVF32ICVF32_New():
return itkInPlaceImageFilterIVF32ICVF32.New()
def itkInPlaceImageFilterIVF23ICVF23_New():
return itkInPlaceImageFilterIVF23ICVF23.New()
def itkInPlaceImageFilterIVF22ICVF22_New():
return itkInPlaceImageFilterIVF22ICVF22.New()
def itkInPlaceImageFilterIVF43IVF43_New():
return itkInPlaceImageFilterIVF43IVF43.New()
def itkInPlaceImageFilterIVF42IVF42_New():
return itkInPlaceImageFilterIVF42IVF42.New()
def itkInPlaceImageFilterIVF33IVF33_New():
return itkInPlaceImageFilterIVF33IVF33.New()
def itkInPlaceImageFilterIVF32IVF32_New():
return itkInPlaceImageFilterIVF32IVF32.New()
def itkInPlaceImageFilterIVF23IVF23_New():
return itkInPlaceImageFilterIVF23IVF23.New()
def itkInPlaceImageFilterIVF22IVF22_New():
return itkInPlaceImageFilterIVF22IVF22.New()
def itkInPlaceImageFilterIULL3IUS3_New():
return itkInPlaceImageFilterIULL3IUS3.New()
def itkInPlaceImageFilterIULL2IUS2_New():
return itkInPlaceImageFilterIULL2IUS2.New()
def itkInPlaceImageFilterIULL3IUC3_New():
return itkInPlaceImageFilterIULL3IUC3.New()
def itkInPlaceImageFilterIULL2IUC2_New():
return itkInPlaceImageFilterIULL2IUC2.New()
def itkInPlaceImageFilterIULL3ISS3_New():
return itkInPlaceImageFilterIULL3ISS3.New()
def itkInPlaceImageFilterIULL2ISS2_New():
return itkInPlaceImageFilterIULL2ISS2.New()
def itkInPlaceImageFilterIF3IF3_New():
return itkInPlaceImageFilterIF3IF3.New()
def itkInPlaceImageFilterIF2IF2_New():
return itkInPlaceImageFilterIF2IF2.New()
def itkInPlaceImageFilterIF3IUS3_New():
return itkInPlaceImageFilterIF3IUS3.New()
def itkInPlaceImageFilterIF2IUS2_New():
return itkInPlaceImageFilterIF2IUS2.New()
def itkInPlaceImageFilterIF3ISS3_New():
return itkInPlaceImageFilterIF3ISS3.New()
def itkInPlaceImageFilterIF2ISS2_New():
return itkInPlaceImageFilterIF2ISS2.New()
def itkInPlaceImageFilterIF3IUC3_New():
return itkInPlaceImageFilterIF3IUC3.New()
def itkInPlaceImageFilterIF2IUC2_New():
return itkInPlaceImageFilterIF2IUC2.New()
def itkInPlaceImageFilterIUS3IF3_New():
return itkInPlaceImageFilterIUS3IF3.New()
def itkInPlaceImageFilterIUS2IF2_New():
return itkInPlaceImageFilterIUS2IF2.New()
def itkInPlaceImageFilterIUS3IUS3_New():
return itkInPlaceImageFilterIUS3IUS3.New()
def itkInPlaceImageFilterIUS2IUS2_New():
return itkInPlaceImageFilterIUS2IUS2.New()
def itkInPlaceImageFilterIUS3ISS3_New():
return itkInPlaceImageFilterIUS3ISS3.New()
def itkInPlaceImageFilterIUS2ISS2_New():
return itkInPlaceImageFilterIUS2ISS2.New()
def itkInPlaceImageFilterIUS3IUC3_New():
return itkInPlaceImageFilterIUS3IUC3.New()
def itkInPlaceImageFilterIUS2IUC2_New():
return itkInPlaceImageFilterIUS2IUC2.New()
def itkInPlaceImageFilterISS3IF3_New():
return itkInPlaceImageFilterISS3IF3.New()
def itkInPlaceImageFilterISS2IF2_New():
return itkInPlaceImageFilterISS2IF2.New()
def itkInPlaceImageFilterISS3IUS3_New():
return itkInPlaceImageFilterISS3IUS3.New()
def itkInPlaceImageFilterISS2IUS2_New():
return itkInPlaceImageFilterISS2IUS2.New()
def itkInPlaceImageFilterISS3ISS3_New():
return itkInPlaceImageFilterISS3ISS3.New()
def itkInPlaceImageFilterISS2ISS2_New():
return itkInPlaceImageFilterISS2ISS2.New()
def itkInPlaceImageFilterISS3IUC3_New():
return itkInPlaceImageFilterISS3IUC3.New()
def itkInPlaceImageFilterISS2IUC2_New():
return itkInPlaceImageFilterISS2IUC2.New()
def itkInPlaceImageFilterIUC3IF3_New():
return itkInPlaceImageFilterIUC3IF3.New()
def itkInPlaceImageFilterIUC2IF2_New():
return itkInPlaceImageFilterIUC2IF2.New()
def itkInPlaceImageFilterIUC3IUS3_New():
return itkInPlaceImageFilterIUC3IUS3.New()
def itkInPlaceImageFilterIUC2IUS2_New():
return itkInPlaceImageFilterIUC2IUS2.New()
def itkInPlaceImageFilterIUC3ISS3_New():
return itkInPlaceImageFilterIUC3ISS3.New()
def itkInPlaceImageFilterIUC2ISS2_New():
return itkInPlaceImageFilterIUC2ISS2.New()
def itkInPlaceImageFilterIUC3IUC3_New():
return itkInPlaceImageFilterIUC3IUC3.New()
def itkInPlaceImageFilterIUC2IUC2_New():
return itkInPlaceImageFilterIUC2IUC2.New()
class itkInPlaceImageFilterICVF22ICVF22(itkImageToImageFilterAPython.itkImageToImageFilterICVF22ICVF22):
"""Proxy of C++ itkInPlaceImageFilterICVF22ICVF22 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF22ICVF22 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF22ICVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF22ICVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF22ICVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF22ICVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF22ICVF22
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF22ICVF22 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF22ICVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF22ICVF22
Create a new object of the class itkInPlaceImageFilterICVF22ICVF22 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF22ICVF22.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF22ICVF22.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF22ICVF22.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF22ICVF22.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_SetInPlace, None, itkInPlaceImageFilterICVF22ICVF22)
itkInPlaceImageFilterICVF22ICVF22.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_GetInPlace, None, itkInPlaceImageFilterICVF22ICVF22)
itkInPlaceImageFilterICVF22ICVF22.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_InPlaceOn, None, itkInPlaceImageFilterICVF22ICVF22)
itkInPlaceImageFilterICVF22ICVF22.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_InPlaceOff, None, itkInPlaceImageFilterICVF22ICVF22)
itkInPlaceImageFilterICVF22ICVF22.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_CanRunInPlace, None, itkInPlaceImageFilterICVF22ICVF22)
itkInPlaceImageFilterICVF22ICVF22_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_swigregister
itkInPlaceImageFilterICVF22ICVF22_swigregister(itkInPlaceImageFilterICVF22ICVF22)
def itkInPlaceImageFilterICVF22ICVF22_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF22ICVF22 *":
"""itkInPlaceImageFilterICVF22ICVF22_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF22ICVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22ICVF22_cast(obj)
class itkInPlaceImageFilterICVF22IVF22(itkImageToImageFilterAPython.itkImageToImageFilterICVF22IVF22):
"""Proxy of C++ itkInPlaceImageFilterICVF22IVF22 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF22IVF22 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF22IVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF22IVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF22IVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF22IVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF22IVF22
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF22IVF22 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF22IVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF22IVF22
Create a new object of the class itkInPlaceImageFilterICVF22IVF22 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF22IVF22.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF22IVF22.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF22IVF22.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF22IVF22.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_SetInPlace, None, itkInPlaceImageFilterICVF22IVF22)
itkInPlaceImageFilterICVF22IVF22.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_GetInPlace, None, itkInPlaceImageFilterICVF22IVF22)
itkInPlaceImageFilterICVF22IVF22.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_InPlaceOn, None, itkInPlaceImageFilterICVF22IVF22)
itkInPlaceImageFilterICVF22IVF22.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_InPlaceOff, None, itkInPlaceImageFilterICVF22IVF22)
itkInPlaceImageFilterICVF22IVF22.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_CanRunInPlace, None, itkInPlaceImageFilterICVF22IVF22)
itkInPlaceImageFilterICVF22IVF22_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_swigregister
itkInPlaceImageFilterICVF22IVF22_swigregister(itkInPlaceImageFilterICVF22IVF22)
def itkInPlaceImageFilterICVF22IVF22_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF22IVF22 *":
"""itkInPlaceImageFilterICVF22IVF22_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF22IVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF22IVF22_cast(obj)
class itkInPlaceImageFilterICVF23ICVF23(itkImageToImageFilterAPython.itkImageToImageFilterICVF23ICVF23):
"""Proxy of C++ itkInPlaceImageFilterICVF23ICVF23 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF23ICVF23 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF23ICVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF23ICVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF23ICVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF23ICVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF23ICVF23
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF23ICVF23 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF23ICVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF23ICVF23
Create a new object of the class itkInPlaceImageFilterICVF23ICVF23 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF23ICVF23.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF23ICVF23.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF23ICVF23.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF23ICVF23.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_SetInPlace, None, itkInPlaceImageFilterICVF23ICVF23)
itkInPlaceImageFilterICVF23ICVF23.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_GetInPlace, None, itkInPlaceImageFilterICVF23ICVF23)
itkInPlaceImageFilterICVF23ICVF23.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_InPlaceOn, None, itkInPlaceImageFilterICVF23ICVF23)
itkInPlaceImageFilterICVF23ICVF23.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_InPlaceOff, None, itkInPlaceImageFilterICVF23ICVF23)
itkInPlaceImageFilterICVF23ICVF23.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_CanRunInPlace, None, itkInPlaceImageFilterICVF23ICVF23)
itkInPlaceImageFilterICVF23ICVF23_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_swigregister
itkInPlaceImageFilterICVF23ICVF23_swigregister(itkInPlaceImageFilterICVF23ICVF23)
def itkInPlaceImageFilterICVF23ICVF23_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF23ICVF23 *":
"""itkInPlaceImageFilterICVF23ICVF23_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF23ICVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23ICVF23_cast(obj)
class itkInPlaceImageFilterICVF23IVF23(itkImageToImageFilterAPython.itkImageToImageFilterICVF23IVF23):
"""Proxy of C++ itkInPlaceImageFilterICVF23IVF23 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF23IVF23 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF23IVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF23IVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF23IVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF23IVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF23IVF23
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF23IVF23 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF23IVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF23IVF23
Create a new object of the class itkInPlaceImageFilterICVF23IVF23 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF23IVF23.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF23IVF23.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF23IVF23.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF23IVF23.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_SetInPlace, None, itkInPlaceImageFilterICVF23IVF23)
itkInPlaceImageFilterICVF23IVF23.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_GetInPlace, None, itkInPlaceImageFilterICVF23IVF23)
itkInPlaceImageFilterICVF23IVF23.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_InPlaceOn, None, itkInPlaceImageFilterICVF23IVF23)
itkInPlaceImageFilterICVF23IVF23.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_InPlaceOff, None, itkInPlaceImageFilterICVF23IVF23)
itkInPlaceImageFilterICVF23IVF23.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_CanRunInPlace, None, itkInPlaceImageFilterICVF23IVF23)
itkInPlaceImageFilterICVF23IVF23_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_swigregister
itkInPlaceImageFilterICVF23IVF23_swigregister(itkInPlaceImageFilterICVF23IVF23)
def itkInPlaceImageFilterICVF23IVF23_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF23IVF23 *":
"""itkInPlaceImageFilterICVF23IVF23_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF23IVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF23IVF23_cast(obj)
class itkInPlaceImageFilterICVF32ICVF32(itkImageToImageFilterAPython.itkImageToImageFilterICVF32ICVF32):
"""Proxy of C++ itkInPlaceImageFilterICVF32ICVF32 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF32ICVF32 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF32ICVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF32ICVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF32ICVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF32ICVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF32ICVF32
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF32ICVF32 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF32ICVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF32ICVF32
Create a new object of the class itkInPlaceImageFilterICVF32ICVF32 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF32ICVF32.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF32ICVF32.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF32ICVF32.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF32ICVF32.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_SetInPlace, None, itkInPlaceImageFilterICVF32ICVF32)
itkInPlaceImageFilterICVF32ICVF32.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_GetInPlace, None, itkInPlaceImageFilterICVF32ICVF32)
itkInPlaceImageFilterICVF32ICVF32.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_InPlaceOn, None, itkInPlaceImageFilterICVF32ICVF32)
itkInPlaceImageFilterICVF32ICVF32.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_InPlaceOff, None, itkInPlaceImageFilterICVF32ICVF32)
itkInPlaceImageFilterICVF32ICVF32.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_CanRunInPlace, None, itkInPlaceImageFilterICVF32ICVF32)
itkInPlaceImageFilterICVF32ICVF32_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_swigregister
itkInPlaceImageFilterICVF32ICVF32_swigregister(itkInPlaceImageFilterICVF32ICVF32)
def itkInPlaceImageFilterICVF32ICVF32_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF32ICVF32 *":
"""itkInPlaceImageFilterICVF32ICVF32_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF32ICVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32ICVF32_cast(obj)
class itkInPlaceImageFilterICVF32IVF32(itkImageToImageFilterAPython.itkImageToImageFilterICVF32IVF32):
"""Proxy of C++ itkInPlaceImageFilterICVF32IVF32 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF32IVF32 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF32IVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF32IVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF32IVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF32IVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF32IVF32
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF32IVF32 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF32IVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF32IVF32
Create a new object of the class itkInPlaceImageFilterICVF32IVF32 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF32IVF32.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF32IVF32.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF32IVF32.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF32IVF32.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_SetInPlace, None, itkInPlaceImageFilterICVF32IVF32)
itkInPlaceImageFilterICVF32IVF32.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_GetInPlace, None, itkInPlaceImageFilterICVF32IVF32)
itkInPlaceImageFilterICVF32IVF32.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_InPlaceOn, None, itkInPlaceImageFilterICVF32IVF32)
itkInPlaceImageFilterICVF32IVF32.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_InPlaceOff, None, itkInPlaceImageFilterICVF32IVF32)
itkInPlaceImageFilterICVF32IVF32.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_CanRunInPlace, None, itkInPlaceImageFilterICVF32IVF32)
itkInPlaceImageFilterICVF32IVF32_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_swigregister
itkInPlaceImageFilterICVF32IVF32_swigregister(itkInPlaceImageFilterICVF32IVF32)
def itkInPlaceImageFilterICVF32IVF32_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF32IVF32 *":
"""itkInPlaceImageFilterICVF32IVF32_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF32IVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF32IVF32_cast(obj)
class itkInPlaceImageFilterICVF33ICVF33(itkImageToImageFilterAPython.itkImageToImageFilterICVF33ICVF33):
"""Proxy of C++ itkInPlaceImageFilterICVF33ICVF33 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF33ICVF33 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF33ICVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF33ICVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF33ICVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF33ICVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF33ICVF33
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF33ICVF33 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF33ICVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF33ICVF33
Create a new object of the class itkInPlaceImageFilterICVF33ICVF33 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF33ICVF33.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF33ICVF33.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF33ICVF33.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF33ICVF33.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_SetInPlace, None, itkInPlaceImageFilterICVF33ICVF33)
itkInPlaceImageFilterICVF33ICVF33.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_GetInPlace, None, itkInPlaceImageFilterICVF33ICVF33)
itkInPlaceImageFilterICVF33ICVF33.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_InPlaceOn, None, itkInPlaceImageFilterICVF33ICVF33)
itkInPlaceImageFilterICVF33ICVF33.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_InPlaceOff, None, itkInPlaceImageFilterICVF33ICVF33)
itkInPlaceImageFilterICVF33ICVF33.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_CanRunInPlace, None, itkInPlaceImageFilterICVF33ICVF33)
itkInPlaceImageFilterICVF33ICVF33_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_swigregister
itkInPlaceImageFilterICVF33ICVF33_swigregister(itkInPlaceImageFilterICVF33ICVF33)
def itkInPlaceImageFilterICVF33ICVF33_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF33ICVF33 *":
"""itkInPlaceImageFilterICVF33ICVF33_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF33ICVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33ICVF33_cast(obj)
class itkInPlaceImageFilterICVF33IVF33(itkImageToImageFilterAPython.itkImageToImageFilterICVF33IVF33):
"""Proxy of C++ itkInPlaceImageFilterICVF33IVF33 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF33IVF33 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF33IVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF33IVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF33IVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF33IVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF33IVF33
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF33IVF33 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF33IVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF33IVF33
Create a new object of the class itkInPlaceImageFilterICVF33IVF33 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF33IVF33.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF33IVF33.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF33IVF33.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF33IVF33.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_SetInPlace, None, itkInPlaceImageFilterICVF33IVF33)
itkInPlaceImageFilterICVF33IVF33.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_GetInPlace, None, itkInPlaceImageFilterICVF33IVF33)
itkInPlaceImageFilterICVF33IVF33.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_InPlaceOn, None, itkInPlaceImageFilterICVF33IVF33)
itkInPlaceImageFilterICVF33IVF33.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_InPlaceOff, None, itkInPlaceImageFilterICVF33IVF33)
itkInPlaceImageFilterICVF33IVF33.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_CanRunInPlace, None, itkInPlaceImageFilterICVF33IVF33)
itkInPlaceImageFilterICVF33IVF33_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_swigregister
itkInPlaceImageFilterICVF33IVF33_swigregister(itkInPlaceImageFilterICVF33IVF33)
def itkInPlaceImageFilterICVF33IVF33_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF33IVF33 *":
"""itkInPlaceImageFilterICVF33IVF33_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF33IVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF33IVF33_cast(obj)
class itkInPlaceImageFilterICVF42ICVF42(itkImageToImageFilterAPython.itkImageToImageFilterICVF42ICVF42):
"""Proxy of C++ itkInPlaceImageFilterICVF42ICVF42 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF42ICVF42 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF42ICVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF42ICVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF42ICVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF42ICVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF42ICVF42
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF42ICVF42 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF42ICVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF42ICVF42
Create a new object of the class itkInPlaceImageFilterICVF42ICVF42 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF42ICVF42.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF42ICVF42.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF42ICVF42.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF42ICVF42.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_SetInPlace, None, itkInPlaceImageFilterICVF42ICVF42)
itkInPlaceImageFilterICVF42ICVF42.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_GetInPlace, None, itkInPlaceImageFilterICVF42ICVF42)
itkInPlaceImageFilterICVF42ICVF42.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_InPlaceOn, None, itkInPlaceImageFilterICVF42ICVF42)
itkInPlaceImageFilterICVF42ICVF42.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_InPlaceOff, None, itkInPlaceImageFilterICVF42ICVF42)
itkInPlaceImageFilterICVF42ICVF42.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_CanRunInPlace, None, itkInPlaceImageFilterICVF42ICVF42)
itkInPlaceImageFilterICVF42ICVF42_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_swigregister
itkInPlaceImageFilterICVF42ICVF42_swigregister(itkInPlaceImageFilterICVF42ICVF42)
def itkInPlaceImageFilterICVF42ICVF42_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF42ICVF42 *":
"""itkInPlaceImageFilterICVF42ICVF42_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF42ICVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42ICVF42_cast(obj)
class itkInPlaceImageFilterICVF42IVF42(itkImageToImageFilterAPython.itkImageToImageFilterICVF42IVF42):
"""Proxy of C++ itkInPlaceImageFilterICVF42IVF42 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF42IVF42 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF42IVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF42IVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF42IVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF42IVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF42IVF42
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF42IVF42 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF42IVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF42IVF42
Create a new object of the class itkInPlaceImageFilterICVF42IVF42 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF42IVF42.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF42IVF42.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF42IVF42.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF42IVF42.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_SetInPlace, None, itkInPlaceImageFilterICVF42IVF42)
itkInPlaceImageFilterICVF42IVF42.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_GetInPlace, None, itkInPlaceImageFilterICVF42IVF42)
itkInPlaceImageFilterICVF42IVF42.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_InPlaceOn, None, itkInPlaceImageFilterICVF42IVF42)
itkInPlaceImageFilterICVF42IVF42.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_InPlaceOff, None, itkInPlaceImageFilterICVF42IVF42)
itkInPlaceImageFilterICVF42IVF42.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_CanRunInPlace, None, itkInPlaceImageFilterICVF42IVF42)
itkInPlaceImageFilterICVF42IVF42_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_swigregister
itkInPlaceImageFilterICVF42IVF42_swigregister(itkInPlaceImageFilterICVF42IVF42)
def itkInPlaceImageFilterICVF42IVF42_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF42IVF42 *":
"""itkInPlaceImageFilterICVF42IVF42_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF42IVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF42IVF42_cast(obj)
class itkInPlaceImageFilterICVF43ICVF43(itkImageToImageFilterAPython.itkImageToImageFilterICVF43ICVF43):
"""Proxy of C++ itkInPlaceImageFilterICVF43ICVF43 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF43ICVF43 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF43ICVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF43ICVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF43ICVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF43ICVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF43ICVF43
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF43ICVF43 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF43ICVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF43ICVF43
Create a new object of the class itkInPlaceImageFilterICVF43ICVF43 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF43ICVF43.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF43ICVF43.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF43ICVF43.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF43ICVF43.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_SetInPlace, None, itkInPlaceImageFilterICVF43ICVF43)
itkInPlaceImageFilterICVF43ICVF43.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_GetInPlace, None, itkInPlaceImageFilterICVF43ICVF43)
itkInPlaceImageFilterICVF43ICVF43.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_InPlaceOn, None, itkInPlaceImageFilterICVF43ICVF43)
itkInPlaceImageFilterICVF43ICVF43.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_InPlaceOff, None, itkInPlaceImageFilterICVF43ICVF43)
itkInPlaceImageFilterICVF43ICVF43.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_CanRunInPlace, None, itkInPlaceImageFilterICVF43ICVF43)
itkInPlaceImageFilterICVF43ICVF43_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_swigregister
itkInPlaceImageFilterICVF43ICVF43_swigregister(itkInPlaceImageFilterICVF43ICVF43)
def itkInPlaceImageFilterICVF43ICVF43_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF43ICVF43 *":
"""itkInPlaceImageFilterICVF43ICVF43_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF43ICVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43ICVF43_cast(obj)
class itkInPlaceImageFilterICVF43IVF43(itkImageToImageFilterAPython.itkImageToImageFilterICVF43IVF43):
"""Proxy of C++ itkInPlaceImageFilterICVF43IVF43 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterICVF43IVF43 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterICVF43IVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterICVF43IVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterICVF43IVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterICVF43IVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterICVF43IVF43
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF43IVF43 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterICVF43IVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterICVF43IVF43
Create a new object of the class itkInPlaceImageFilterICVF43IVF43 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterICVF43IVF43.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterICVF43IVF43.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterICVF43IVF43.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterICVF43IVF43.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_SetInPlace, None, itkInPlaceImageFilterICVF43IVF43)
itkInPlaceImageFilterICVF43IVF43.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_GetInPlace, None, itkInPlaceImageFilterICVF43IVF43)
itkInPlaceImageFilterICVF43IVF43.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_InPlaceOn, None, itkInPlaceImageFilterICVF43IVF43)
itkInPlaceImageFilterICVF43IVF43.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_InPlaceOff, None, itkInPlaceImageFilterICVF43IVF43)
itkInPlaceImageFilterICVF43IVF43.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_CanRunInPlace, None, itkInPlaceImageFilterICVF43IVF43)
itkInPlaceImageFilterICVF43IVF43_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_swigregister
itkInPlaceImageFilterICVF43IVF43_swigregister(itkInPlaceImageFilterICVF43IVF43)
def itkInPlaceImageFilterICVF43IVF43_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterICVF43IVF43 *":
"""itkInPlaceImageFilterICVF43IVF43_cast(itkLightObject obj) -> itkInPlaceImageFilterICVF43IVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterICVF43IVF43_cast(obj)
class itkInPlaceImageFilterIF2IF2(itkImageToImageFilterAPython.itkImageToImageFilterIF2IF2):
"""Proxy of C++ itkInPlaceImageFilterIF2IF2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2IF2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2IF2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IF2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2IF2
Create a new object of the class itkInPlaceImageFilterIF2IF2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2IF2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2IF2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2IF2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2IF2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_SetInPlace, None, itkInPlaceImageFilterIF2IF2)
itkInPlaceImageFilterIF2IF2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_GetInPlace, None, itkInPlaceImageFilterIF2IF2)
itkInPlaceImageFilterIF2IF2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_InPlaceOn, None, itkInPlaceImageFilterIF2IF2)
itkInPlaceImageFilterIF2IF2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_InPlaceOff, None, itkInPlaceImageFilterIF2IF2)
itkInPlaceImageFilterIF2IF2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_CanRunInPlace, None, itkInPlaceImageFilterIF2IF2)
itkInPlaceImageFilterIF2IF2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_swigregister
itkInPlaceImageFilterIF2IF2_swigregister(itkInPlaceImageFilterIF2IF2)
def itkInPlaceImageFilterIF2IF2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IF2 *":
"""itkInPlaceImageFilterIF2IF2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IF2_cast(obj)
class itkInPlaceImageFilterIF2IRGBAUC2(itkImageToImageFilterBPython.itkImageToImageFilterIF2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterIF2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterIF2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterIF2IRGBAUC2)
itkInPlaceImageFilterIF2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterIF2IRGBAUC2)
itkInPlaceImageFilterIF2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterIF2IRGBAUC2)
itkInPlaceImageFilterIF2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterIF2IRGBAUC2)
itkInPlaceImageFilterIF2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterIF2IRGBAUC2)
itkInPlaceImageFilterIF2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_swigregister
itkInPlaceImageFilterIF2IRGBAUC2_swigregister(itkInPlaceImageFilterIF2IRGBAUC2)
def itkInPlaceImageFilterIF2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IRGBAUC2 *":
"""itkInPlaceImageFilterIF2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterIF2IRGBUC2(itkImageToImageFilterBPython.itkImageToImageFilterIF2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterIF2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2IRGBUC2
Create a new object of the class itkInPlaceImageFilterIF2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterIF2IRGBUC2)
itkInPlaceImageFilterIF2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterIF2IRGBUC2)
itkInPlaceImageFilterIF2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterIF2IRGBUC2)
itkInPlaceImageFilterIF2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterIF2IRGBUC2)
itkInPlaceImageFilterIF2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterIF2IRGBUC2)
itkInPlaceImageFilterIF2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_swigregister
itkInPlaceImageFilterIF2IRGBUC2_swigregister(itkInPlaceImageFilterIF2IRGBUC2)
def itkInPlaceImageFilterIF2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IRGBUC2 *":
"""itkInPlaceImageFilterIF2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IRGBUC2_cast(obj)
class itkInPlaceImageFilterIF2ISS2(itkImageToImageFilterAPython.itkImageToImageFilterIF2ISS2):
"""Proxy of C++ itkInPlaceImageFilterIF2ISS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2ISS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2ISS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2ISS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2ISS2
Create a new object of the class itkInPlaceImageFilterIF2ISS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2ISS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2ISS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2ISS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2ISS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_SetInPlace, None, itkInPlaceImageFilterIF2ISS2)
itkInPlaceImageFilterIF2ISS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_GetInPlace, None, itkInPlaceImageFilterIF2ISS2)
itkInPlaceImageFilterIF2ISS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_InPlaceOn, None, itkInPlaceImageFilterIF2ISS2)
itkInPlaceImageFilterIF2ISS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_InPlaceOff, None, itkInPlaceImageFilterIF2ISS2)
itkInPlaceImageFilterIF2ISS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_CanRunInPlace, None, itkInPlaceImageFilterIF2ISS2)
itkInPlaceImageFilterIF2ISS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_swigregister
itkInPlaceImageFilterIF2ISS2_swigregister(itkInPlaceImageFilterIF2ISS2)
def itkInPlaceImageFilterIF2ISS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2ISS2 *":
"""itkInPlaceImageFilterIF2ISS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2ISS2_cast(obj)
class itkInPlaceImageFilterIF2IUC2(itkImageToImageFilterAPython.itkImageToImageFilterIF2IUC2):
"""Proxy of C++ itkInPlaceImageFilterIF2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2IUC2
Create a new object of the class itkInPlaceImageFilterIF2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_SetInPlace, None, itkInPlaceImageFilterIF2IUC2)
itkInPlaceImageFilterIF2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_GetInPlace, None, itkInPlaceImageFilterIF2IUC2)
itkInPlaceImageFilterIF2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_InPlaceOn, None, itkInPlaceImageFilterIF2IUC2)
itkInPlaceImageFilterIF2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_InPlaceOff, None, itkInPlaceImageFilterIF2IUC2)
itkInPlaceImageFilterIF2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_CanRunInPlace, None, itkInPlaceImageFilterIF2IUC2)
itkInPlaceImageFilterIF2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_swigregister
itkInPlaceImageFilterIF2IUC2_swigregister(itkInPlaceImageFilterIF2IUC2)
def itkInPlaceImageFilterIF2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IUC2 *":
"""itkInPlaceImageFilterIF2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUC2_cast(obj)
class itkInPlaceImageFilterIF2IUS2(itkImageToImageFilterAPython.itkImageToImageFilterIF2IUS2):
"""Proxy of C++ itkInPlaceImageFilterIF2IUS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF2IUS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF2IUS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IUS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF2IUS2
Create a new object of the class itkInPlaceImageFilterIF2IUS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF2IUS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF2IUS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF2IUS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF2IUS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_SetInPlace, None, itkInPlaceImageFilterIF2IUS2)
itkInPlaceImageFilterIF2IUS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_GetInPlace, None, itkInPlaceImageFilterIF2IUS2)
itkInPlaceImageFilterIF2IUS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_InPlaceOn, None, itkInPlaceImageFilterIF2IUS2)
itkInPlaceImageFilterIF2IUS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_InPlaceOff, None, itkInPlaceImageFilterIF2IUS2)
itkInPlaceImageFilterIF2IUS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_CanRunInPlace, None, itkInPlaceImageFilterIF2IUS2)
itkInPlaceImageFilterIF2IUS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_swigregister
itkInPlaceImageFilterIF2IUS2_swigregister(itkInPlaceImageFilterIF2IUS2)
def itkInPlaceImageFilterIF2IUS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF2IUS2 *":
"""itkInPlaceImageFilterIF2IUS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIF2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF2IUS2_cast(obj)
class itkInPlaceImageFilterIF3IF3(itkImageToImageFilterAPython.itkImageToImageFilterIF3IF3):
"""Proxy of C++ itkInPlaceImageFilterIF3IF3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3IF3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3IF3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IF3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3IF3
Create a new object of the class itkInPlaceImageFilterIF3IF3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3IF3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3IF3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3IF3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3IF3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_SetInPlace, None, itkInPlaceImageFilterIF3IF3)
itkInPlaceImageFilterIF3IF3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_GetInPlace, None, itkInPlaceImageFilterIF3IF3)
itkInPlaceImageFilterIF3IF3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_InPlaceOn, None, itkInPlaceImageFilterIF3IF3)
itkInPlaceImageFilterIF3IF3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_InPlaceOff, None, itkInPlaceImageFilterIF3IF3)
itkInPlaceImageFilterIF3IF3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_CanRunInPlace, None, itkInPlaceImageFilterIF3IF3)
itkInPlaceImageFilterIF3IF3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_swigregister
itkInPlaceImageFilterIF3IF3_swigregister(itkInPlaceImageFilterIF3IF3)
def itkInPlaceImageFilterIF3IF3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IF3 *":
"""itkInPlaceImageFilterIF3IF3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IF3_cast(obj)
class itkInPlaceImageFilterIF3IRGBAUC3(itkImageToImageFilterBPython.itkImageToImageFilterIF3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterIF3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterIF3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterIF3IRGBAUC3)
itkInPlaceImageFilterIF3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterIF3IRGBAUC3)
itkInPlaceImageFilterIF3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterIF3IRGBAUC3)
itkInPlaceImageFilterIF3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterIF3IRGBAUC3)
itkInPlaceImageFilterIF3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterIF3IRGBAUC3)
itkInPlaceImageFilterIF3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_swigregister
itkInPlaceImageFilterIF3IRGBAUC3_swigregister(itkInPlaceImageFilterIF3IRGBAUC3)
def itkInPlaceImageFilterIF3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IRGBAUC3 *":
"""itkInPlaceImageFilterIF3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterIF3IRGBUC3(itkImageToImageFilterBPython.itkImageToImageFilterIF3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterIF3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3IRGBUC3
Create a new object of the class itkInPlaceImageFilterIF3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterIF3IRGBUC3)
itkInPlaceImageFilterIF3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterIF3IRGBUC3)
itkInPlaceImageFilterIF3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterIF3IRGBUC3)
itkInPlaceImageFilterIF3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterIF3IRGBUC3)
itkInPlaceImageFilterIF3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterIF3IRGBUC3)
itkInPlaceImageFilterIF3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_swigregister
itkInPlaceImageFilterIF3IRGBUC3_swigregister(itkInPlaceImageFilterIF3IRGBUC3)
def itkInPlaceImageFilterIF3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IRGBUC3 *":
"""itkInPlaceImageFilterIF3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IRGBUC3_cast(obj)
class itkInPlaceImageFilterIF3ISS3(itkImageToImageFilterAPython.itkImageToImageFilterIF3ISS3):
"""Proxy of C++ itkInPlaceImageFilterIF3ISS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3ISS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3ISS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3ISS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3ISS3
Create a new object of the class itkInPlaceImageFilterIF3ISS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3ISS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3ISS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3ISS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3ISS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_SetInPlace, None, itkInPlaceImageFilterIF3ISS3)
itkInPlaceImageFilterIF3ISS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_GetInPlace, None, itkInPlaceImageFilterIF3ISS3)
itkInPlaceImageFilterIF3ISS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_InPlaceOn, None, itkInPlaceImageFilterIF3ISS3)
itkInPlaceImageFilterIF3ISS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_InPlaceOff, None, itkInPlaceImageFilterIF3ISS3)
itkInPlaceImageFilterIF3ISS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_CanRunInPlace, None, itkInPlaceImageFilterIF3ISS3)
itkInPlaceImageFilterIF3ISS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_swigregister
itkInPlaceImageFilterIF3ISS3_swigregister(itkInPlaceImageFilterIF3ISS3)
def itkInPlaceImageFilterIF3ISS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3ISS3 *":
"""itkInPlaceImageFilterIF3ISS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3ISS3_cast(obj)
class itkInPlaceImageFilterIF3IUC3(itkImageToImageFilterAPython.itkImageToImageFilterIF3IUC3):
"""Proxy of C++ itkInPlaceImageFilterIF3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3IUC3
Create a new object of the class itkInPlaceImageFilterIF3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_SetInPlace, None, itkInPlaceImageFilterIF3IUC3)
itkInPlaceImageFilterIF3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_GetInPlace, None, itkInPlaceImageFilterIF3IUC3)
itkInPlaceImageFilterIF3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_InPlaceOn, None, itkInPlaceImageFilterIF3IUC3)
itkInPlaceImageFilterIF3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_InPlaceOff, None, itkInPlaceImageFilterIF3IUC3)
itkInPlaceImageFilterIF3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_CanRunInPlace, None, itkInPlaceImageFilterIF3IUC3)
itkInPlaceImageFilterIF3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_swigregister
itkInPlaceImageFilterIF3IUC3_swigregister(itkInPlaceImageFilterIF3IUC3)
def itkInPlaceImageFilterIF3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IUC3 *":
"""itkInPlaceImageFilterIF3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUC3_cast(obj)
class itkInPlaceImageFilterIF3IUS3(itkImageToImageFilterAPython.itkImageToImageFilterIF3IUS3):
"""Proxy of C++ itkInPlaceImageFilterIF3IUS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIF3IUS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIF3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIF3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIF3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIF3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIF3IUS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IUS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIF3IUS3
Create a new object of the class itkInPlaceImageFilterIF3IUS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIF3IUS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIF3IUS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIF3IUS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIF3IUS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_SetInPlace, None, itkInPlaceImageFilterIF3IUS3)
itkInPlaceImageFilterIF3IUS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_GetInPlace, None, itkInPlaceImageFilterIF3IUS3)
itkInPlaceImageFilterIF3IUS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_InPlaceOn, None, itkInPlaceImageFilterIF3IUS3)
itkInPlaceImageFilterIF3IUS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_InPlaceOff, None, itkInPlaceImageFilterIF3IUS3)
itkInPlaceImageFilterIF3IUS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_CanRunInPlace, None, itkInPlaceImageFilterIF3IUS3)
itkInPlaceImageFilterIF3IUS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_swigregister
itkInPlaceImageFilterIF3IUS3_swigregister(itkInPlaceImageFilterIF3IUS3)
def itkInPlaceImageFilterIF3IUS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIF3IUS3 *":
"""itkInPlaceImageFilterIF3IUS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIF3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIF3IUS3_cast(obj)
class itkInPlaceImageFilterIRGBAUC2IRGBAUC2(itkImageToImageFilterAPython.itkImageToImageFilterIRGBAUC2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterIRGBAUC2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBAUC2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBAUC2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBAUC2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBAUC2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBAUC2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBAUC2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBAUC2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterIRGBAUC2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBAUC2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBAUC2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
itkInPlaceImageFilterIRGBAUC2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_swigregister
itkInPlaceImageFilterIRGBAUC2IRGBAUC2_swigregister(itkInPlaceImageFilterIRGBAUC2IRGBAUC2)
def itkInPlaceImageFilterIRGBAUC2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC2IRGBAUC2 *":
"""itkInPlaceImageFilterIRGBAUC2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterIRGBAUC2IUC2(itkImageToImageFilterBPython.itkImageToImageFilterIRGBAUC2IUC2):
"""Proxy of C++ itkInPlaceImageFilterIRGBAUC2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBAUC2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBAUC2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBAUC2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBAUC2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBAUC2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBAUC2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBAUC2IUC2
Create a new object of the class itkInPlaceImageFilterIRGBAUC2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBAUC2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBAUC2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBAUC2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBAUC2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_SetInPlace, None, itkInPlaceImageFilterIRGBAUC2IUC2)
itkInPlaceImageFilterIRGBAUC2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_GetInPlace, None, itkInPlaceImageFilterIRGBAUC2IUC2)
itkInPlaceImageFilterIRGBAUC2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_InPlaceOn, None, itkInPlaceImageFilterIRGBAUC2IUC2)
itkInPlaceImageFilterIRGBAUC2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_InPlaceOff, None, itkInPlaceImageFilterIRGBAUC2IUC2)
itkInPlaceImageFilterIRGBAUC2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_CanRunInPlace, None, itkInPlaceImageFilterIRGBAUC2IUC2)
itkInPlaceImageFilterIRGBAUC2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_swigregister
itkInPlaceImageFilterIRGBAUC2IUC2_swigregister(itkInPlaceImageFilterIRGBAUC2IUC2)
def itkInPlaceImageFilterIRGBAUC2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC2IUC2 *":
"""itkInPlaceImageFilterIRGBAUC2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC2IUC2_cast(obj)
class itkInPlaceImageFilterIRGBAUC3IRGBAUC3(itkImageToImageFilterAPython.itkImageToImageFilterIRGBAUC3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterIRGBAUC3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBAUC3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBAUC3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBAUC3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBAUC3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBAUC3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBAUC3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBAUC3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterIRGBAUC3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBAUC3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBAUC3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
itkInPlaceImageFilterIRGBAUC3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_swigregister
itkInPlaceImageFilterIRGBAUC3IRGBAUC3_swigregister(itkInPlaceImageFilterIRGBAUC3IRGBAUC3)
def itkInPlaceImageFilterIRGBAUC3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC3IRGBAUC3 *":
"""itkInPlaceImageFilterIRGBAUC3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterIRGBAUC3IUC3(itkImageToImageFilterBPython.itkImageToImageFilterIRGBAUC3IUC3):
"""Proxy of C++ itkInPlaceImageFilterIRGBAUC3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBAUC3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBAUC3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBAUC3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBAUC3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBAUC3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBAUC3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBAUC3IUC3
Create a new object of the class itkInPlaceImageFilterIRGBAUC3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBAUC3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBAUC3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBAUC3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBAUC3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_SetInPlace, None, itkInPlaceImageFilterIRGBAUC3IUC3)
itkInPlaceImageFilterIRGBAUC3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_GetInPlace, None, itkInPlaceImageFilterIRGBAUC3IUC3)
itkInPlaceImageFilterIRGBAUC3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_InPlaceOn, None, itkInPlaceImageFilterIRGBAUC3IUC3)
itkInPlaceImageFilterIRGBAUC3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_InPlaceOff, None, itkInPlaceImageFilterIRGBAUC3IUC3)
itkInPlaceImageFilterIRGBAUC3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_CanRunInPlace, None, itkInPlaceImageFilterIRGBAUC3IUC3)
itkInPlaceImageFilterIRGBAUC3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_swigregister
itkInPlaceImageFilterIRGBAUC3IUC3_swigregister(itkInPlaceImageFilterIRGBAUC3IUC3)
def itkInPlaceImageFilterIRGBAUC3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBAUC3IUC3 *":
"""itkInPlaceImageFilterIRGBAUC3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBAUC3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBAUC3IUC3_cast(obj)
class itkInPlaceImageFilterIRGBUC2IRGBUC2(itkImageToImageFilterAPython.itkImageToImageFilterIRGBUC2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterIRGBUC2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBUC2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBUC2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBUC2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBUC2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBUC2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBUC2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBUC2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBUC2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBUC2IRGBUC2
Create a new object of the class itkInPlaceImageFilterIRGBUC2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBUC2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBUC2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBUC2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBUC2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterIRGBUC2IRGBUC2)
itkInPlaceImageFilterIRGBUC2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterIRGBUC2IRGBUC2)
itkInPlaceImageFilterIRGBUC2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterIRGBUC2IRGBUC2)
itkInPlaceImageFilterIRGBUC2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterIRGBUC2IRGBUC2)
itkInPlaceImageFilterIRGBUC2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterIRGBUC2IRGBUC2)
itkInPlaceImageFilterIRGBUC2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_swigregister
itkInPlaceImageFilterIRGBUC2IRGBUC2_swigregister(itkInPlaceImageFilterIRGBUC2IRGBUC2)
def itkInPlaceImageFilterIRGBUC2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBUC2IRGBUC2 *":
"""itkInPlaceImageFilterIRGBUC2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBUC2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC2IRGBUC2_cast(obj)
class itkInPlaceImageFilterIRGBUC3IRGBUC3(itkImageToImageFilterAPython.itkImageToImageFilterIRGBUC3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterIRGBUC3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIRGBUC3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIRGBUC3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIRGBUC3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIRGBUC3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIRGBUC3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIRGBUC3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBUC3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBUC3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIRGBUC3IRGBUC3
Create a new object of the class itkInPlaceImageFilterIRGBUC3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIRGBUC3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIRGBUC3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIRGBUC3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIRGBUC3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterIRGBUC3IRGBUC3)
itkInPlaceImageFilterIRGBUC3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterIRGBUC3IRGBUC3)
itkInPlaceImageFilterIRGBUC3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterIRGBUC3IRGBUC3)
itkInPlaceImageFilterIRGBUC3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterIRGBUC3IRGBUC3)
itkInPlaceImageFilterIRGBUC3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterIRGBUC3IRGBUC3)
itkInPlaceImageFilterIRGBUC3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_swigregister
itkInPlaceImageFilterIRGBUC3IRGBUC3_swigregister(itkInPlaceImageFilterIRGBUC3IRGBUC3)
def itkInPlaceImageFilterIRGBUC3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIRGBUC3IRGBUC3 *":
"""itkInPlaceImageFilterIRGBUC3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIRGBUC3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIRGBUC3IRGBUC3_cast(obj)
class itkInPlaceImageFilterISS2IF2(itkImageToImageFilterAPython.itkImageToImageFilterISS2IF2):
"""Proxy of C++ itkInPlaceImageFilterISS2IF2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2IF2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2IF2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IF2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2IF2
Create a new object of the class itkInPlaceImageFilterISS2IF2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2IF2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2IF2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2IF2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2IF2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_SetInPlace, None, itkInPlaceImageFilterISS2IF2)
itkInPlaceImageFilterISS2IF2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_GetInPlace, None, itkInPlaceImageFilterISS2IF2)
itkInPlaceImageFilterISS2IF2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_InPlaceOn, None, itkInPlaceImageFilterISS2IF2)
itkInPlaceImageFilterISS2IF2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_InPlaceOff, None, itkInPlaceImageFilterISS2IF2)
itkInPlaceImageFilterISS2IF2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_CanRunInPlace, None, itkInPlaceImageFilterISS2IF2)
itkInPlaceImageFilterISS2IF2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_swigregister
itkInPlaceImageFilterISS2IF2_swigregister(itkInPlaceImageFilterISS2IF2)
def itkInPlaceImageFilterISS2IF2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IF2 *":
"""itkInPlaceImageFilterISS2IF2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IF2_cast(obj)
class itkInPlaceImageFilterISS2IRGBAUC2(itkImageToImageFilterBPython.itkImageToImageFilterISS2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterISS2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterISS2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterISS2IRGBAUC2)
itkInPlaceImageFilterISS2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterISS2IRGBAUC2)
itkInPlaceImageFilterISS2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterISS2IRGBAUC2)
itkInPlaceImageFilterISS2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterISS2IRGBAUC2)
itkInPlaceImageFilterISS2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterISS2IRGBAUC2)
itkInPlaceImageFilterISS2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_swigregister
itkInPlaceImageFilterISS2IRGBAUC2_swigregister(itkInPlaceImageFilterISS2IRGBAUC2)
def itkInPlaceImageFilterISS2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IRGBAUC2 *":
"""itkInPlaceImageFilterISS2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterISS2IRGBUC2(itkImageToImageFilterBPython.itkImageToImageFilterISS2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterISS2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2IRGBUC2
Create a new object of the class itkInPlaceImageFilterISS2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterISS2IRGBUC2)
itkInPlaceImageFilterISS2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterISS2IRGBUC2)
itkInPlaceImageFilterISS2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterISS2IRGBUC2)
itkInPlaceImageFilterISS2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterISS2IRGBUC2)
itkInPlaceImageFilterISS2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterISS2IRGBUC2)
itkInPlaceImageFilterISS2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_swigregister
itkInPlaceImageFilterISS2IRGBUC2_swigregister(itkInPlaceImageFilterISS2IRGBUC2)
def itkInPlaceImageFilterISS2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IRGBUC2 *":
"""itkInPlaceImageFilterISS2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IRGBUC2_cast(obj)
class itkInPlaceImageFilterISS2ISS2(itkImageToImageFilterAPython.itkImageToImageFilterISS2ISS2):
"""Proxy of C++ itkInPlaceImageFilterISS2ISS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2ISS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2ISS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2ISS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2ISS2
Create a new object of the class itkInPlaceImageFilterISS2ISS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2ISS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2ISS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2ISS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2ISS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_SetInPlace, None, itkInPlaceImageFilterISS2ISS2)
itkInPlaceImageFilterISS2ISS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_GetInPlace, None, itkInPlaceImageFilterISS2ISS2)
itkInPlaceImageFilterISS2ISS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_InPlaceOn, None, itkInPlaceImageFilterISS2ISS2)
itkInPlaceImageFilterISS2ISS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_InPlaceOff, None, itkInPlaceImageFilterISS2ISS2)
itkInPlaceImageFilterISS2ISS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_CanRunInPlace, None, itkInPlaceImageFilterISS2ISS2)
itkInPlaceImageFilterISS2ISS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_swigregister
itkInPlaceImageFilterISS2ISS2_swigregister(itkInPlaceImageFilterISS2ISS2)
def itkInPlaceImageFilterISS2ISS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2ISS2 *":
"""itkInPlaceImageFilterISS2ISS2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2ISS2_cast(obj)
class itkInPlaceImageFilterISS2IUC2(itkImageToImageFilterAPython.itkImageToImageFilterISS2IUC2):
"""Proxy of C++ itkInPlaceImageFilterISS2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2IUC2
Create a new object of the class itkInPlaceImageFilterISS2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_SetInPlace, None, itkInPlaceImageFilterISS2IUC2)
itkInPlaceImageFilterISS2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_GetInPlace, None, itkInPlaceImageFilterISS2IUC2)
itkInPlaceImageFilterISS2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_InPlaceOn, None, itkInPlaceImageFilterISS2IUC2)
itkInPlaceImageFilterISS2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_InPlaceOff, None, itkInPlaceImageFilterISS2IUC2)
itkInPlaceImageFilterISS2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_CanRunInPlace, None, itkInPlaceImageFilterISS2IUC2)
itkInPlaceImageFilterISS2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_swigregister
itkInPlaceImageFilterISS2IUC2_swigregister(itkInPlaceImageFilterISS2IUC2)
def itkInPlaceImageFilterISS2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IUC2 *":
"""itkInPlaceImageFilterISS2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUC2_cast(obj)
class itkInPlaceImageFilterISS2IUS2(itkImageToImageFilterAPython.itkImageToImageFilterISS2IUS2):
"""Proxy of C++ itkInPlaceImageFilterISS2IUS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS2IUS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS2IUS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IUS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS2IUS2
Create a new object of the class itkInPlaceImageFilterISS2IUS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS2IUS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS2IUS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS2IUS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS2IUS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_SetInPlace, None, itkInPlaceImageFilterISS2IUS2)
itkInPlaceImageFilterISS2IUS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_GetInPlace, None, itkInPlaceImageFilterISS2IUS2)
itkInPlaceImageFilterISS2IUS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_InPlaceOn, None, itkInPlaceImageFilterISS2IUS2)
itkInPlaceImageFilterISS2IUS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_InPlaceOff, None, itkInPlaceImageFilterISS2IUS2)
itkInPlaceImageFilterISS2IUS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_CanRunInPlace, None, itkInPlaceImageFilterISS2IUS2)
itkInPlaceImageFilterISS2IUS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_swigregister
itkInPlaceImageFilterISS2IUS2_swigregister(itkInPlaceImageFilterISS2IUS2)
def itkInPlaceImageFilterISS2IUS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS2IUS2 *":
"""itkInPlaceImageFilterISS2IUS2_cast(itkLightObject obj) -> itkInPlaceImageFilterISS2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS2IUS2_cast(obj)
class itkInPlaceImageFilterISS3IF3(itkImageToImageFilterAPython.itkImageToImageFilterISS3IF3):
"""Proxy of C++ itkInPlaceImageFilterISS3IF3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3IF3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3IF3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IF3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3IF3
Create a new object of the class itkInPlaceImageFilterISS3IF3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3IF3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3IF3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3IF3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3IF3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_SetInPlace, None, itkInPlaceImageFilterISS3IF3)
itkInPlaceImageFilterISS3IF3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_GetInPlace, None, itkInPlaceImageFilterISS3IF3)
itkInPlaceImageFilterISS3IF3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_InPlaceOn, None, itkInPlaceImageFilterISS3IF3)
itkInPlaceImageFilterISS3IF3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_InPlaceOff, None, itkInPlaceImageFilterISS3IF3)
itkInPlaceImageFilterISS3IF3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_CanRunInPlace, None, itkInPlaceImageFilterISS3IF3)
itkInPlaceImageFilterISS3IF3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_swigregister
itkInPlaceImageFilterISS3IF3_swigregister(itkInPlaceImageFilterISS3IF3)
def itkInPlaceImageFilterISS3IF3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IF3 *":
"""itkInPlaceImageFilterISS3IF3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IF3_cast(obj)
class itkInPlaceImageFilterISS3IRGBAUC3(itkImageToImageFilterBPython.itkImageToImageFilterISS3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterISS3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterISS3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterISS3IRGBAUC3)
itkInPlaceImageFilterISS3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterISS3IRGBAUC3)
itkInPlaceImageFilterISS3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterISS3IRGBAUC3)
itkInPlaceImageFilterISS3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterISS3IRGBAUC3)
itkInPlaceImageFilterISS3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterISS3IRGBAUC3)
itkInPlaceImageFilterISS3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_swigregister
itkInPlaceImageFilterISS3IRGBAUC3_swigregister(itkInPlaceImageFilterISS3IRGBAUC3)
def itkInPlaceImageFilterISS3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IRGBAUC3 *":
"""itkInPlaceImageFilterISS3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterISS3IRGBUC3(itkImageToImageFilterBPython.itkImageToImageFilterISS3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterISS3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3IRGBUC3
Create a new object of the class itkInPlaceImageFilterISS3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterISS3IRGBUC3)
itkInPlaceImageFilterISS3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterISS3IRGBUC3)
itkInPlaceImageFilterISS3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterISS3IRGBUC3)
itkInPlaceImageFilterISS3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterISS3IRGBUC3)
itkInPlaceImageFilterISS3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterISS3IRGBUC3)
itkInPlaceImageFilterISS3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_swigregister
itkInPlaceImageFilterISS3IRGBUC3_swigregister(itkInPlaceImageFilterISS3IRGBUC3)
def itkInPlaceImageFilterISS3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IRGBUC3 *":
"""itkInPlaceImageFilterISS3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IRGBUC3_cast(obj)
class itkInPlaceImageFilterISS3ISS3(itkImageToImageFilterAPython.itkImageToImageFilterISS3ISS3):
"""Proxy of C++ itkInPlaceImageFilterISS3ISS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3ISS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3ISS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3ISS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3ISS3
Create a new object of the class itkInPlaceImageFilterISS3ISS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3ISS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3ISS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3ISS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3ISS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_SetInPlace, None, itkInPlaceImageFilterISS3ISS3)
itkInPlaceImageFilterISS3ISS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_GetInPlace, None, itkInPlaceImageFilterISS3ISS3)
itkInPlaceImageFilterISS3ISS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_InPlaceOn, None, itkInPlaceImageFilterISS3ISS3)
itkInPlaceImageFilterISS3ISS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_InPlaceOff, None, itkInPlaceImageFilterISS3ISS3)
itkInPlaceImageFilterISS3ISS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_CanRunInPlace, None, itkInPlaceImageFilterISS3ISS3)
itkInPlaceImageFilterISS3ISS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_swigregister
itkInPlaceImageFilterISS3ISS3_swigregister(itkInPlaceImageFilterISS3ISS3)
def itkInPlaceImageFilterISS3ISS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3ISS3 *":
"""itkInPlaceImageFilterISS3ISS3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3ISS3_cast(obj)
class itkInPlaceImageFilterISS3IUC3(itkImageToImageFilterAPython.itkImageToImageFilterISS3IUC3):
"""Proxy of C++ itkInPlaceImageFilterISS3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3IUC3
Create a new object of the class itkInPlaceImageFilterISS3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_SetInPlace, None, itkInPlaceImageFilterISS3IUC3)
itkInPlaceImageFilterISS3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_GetInPlace, None, itkInPlaceImageFilterISS3IUC3)
itkInPlaceImageFilterISS3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_InPlaceOn, None, itkInPlaceImageFilterISS3IUC3)
itkInPlaceImageFilterISS3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_InPlaceOff, None, itkInPlaceImageFilterISS3IUC3)
itkInPlaceImageFilterISS3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_CanRunInPlace, None, itkInPlaceImageFilterISS3IUC3)
itkInPlaceImageFilterISS3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_swigregister
itkInPlaceImageFilterISS3IUC3_swigregister(itkInPlaceImageFilterISS3IUC3)
def itkInPlaceImageFilterISS3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IUC3 *":
"""itkInPlaceImageFilterISS3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUC3_cast(obj)
class itkInPlaceImageFilterISS3IUS3(itkImageToImageFilterAPython.itkImageToImageFilterISS3IUS3):
"""Proxy of C++ itkInPlaceImageFilterISS3IUS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterISS3IUS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterISS3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterISS3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterISS3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterISS3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterISS3IUS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IUS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterISS3IUS3
Create a new object of the class itkInPlaceImageFilterISS3IUS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterISS3IUS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterISS3IUS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterISS3IUS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterISS3IUS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_SetInPlace, None, itkInPlaceImageFilterISS3IUS3)
itkInPlaceImageFilterISS3IUS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_GetInPlace, None, itkInPlaceImageFilterISS3IUS3)
itkInPlaceImageFilterISS3IUS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_InPlaceOn, None, itkInPlaceImageFilterISS3IUS3)
itkInPlaceImageFilterISS3IUS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_InPlaceOff, None, itkInPlaceImageFilterISS3IUS3)
itkInPlaceImageFilterISS3IUS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_CanRunInPlace, None, itkInPlaceImageFilterISS3IUS3)
itkInPlaceImageFilterISS3IUS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_swigregister
itkInPlaceImageFilterISS3IUS3_swigregister(itkInPlaceImageFilterISS3IUS3)
def itkInPlaceImageFilterISS3IUS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterISS3IUS3 *":
"""itkInPlaceImageFilterISS3IUS3_cast(itkLightObject obj) -> itkInPlaceImageFilterISS3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterISS3IUS3_cast(obj)
class itkInPlaceImageFilterIUC2IF2(itkImageToImageFilterAPython.itkImageToImageFilterIUC2IF2):
"""Proxy of C++ itkInPlaceImageFilterIUC2IF2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2IF2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2IF2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IF2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2IF2
Create a new object of the class itkInPlaceImageFilterIUC2IF2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2IF2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2IF2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2IF2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2IF2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_SetInPlace, None, itkInPlaceImageFilterIUC2IF2)
itkInPlaceImageFilterIUC2IF2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_GetInPlace, None, itkInPlaceImageFilterIUC2IF2)
itkInPlaceImageFilterIUC2IF2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_InPlaceOn, None, itkInPlaceImageFilterIUC2IF2)
itkInPlaceImageFilterIUC2IF2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_InPlaceOff, None, itkInPlaceImageFilterIUC2IF2)
itkInPlaceImageFilterIUC2IF2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_CanRunInPlace, None, itkInPlaceImageFilterIUC2IF2)
itkInPlaceImageFilterIUC2IF2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_swigregister
itkInPlaceImageFilterIUC2IF2_swigregister(itkInPlaceImageFilterIUC2IF2)
def itkInPlaceImageFilterIUC2IF2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IF2 *":
"""itkInPlaceImageFilterIUC2IF2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IF2_cast(obj)
class itkInPlaceImageFilterIUC2IRGBAUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUC2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterIUC2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterIUC2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterIUC2IRGBAUC2)
itkInPlaceImageFilterIUC2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterIUC2IRGBAUC2)
itkInPlaceImageFilterIUC2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterIUC2IRGBAUC2)
itkInPlaceImageFilterIUC2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterIUC2IRGBAUC2)
itkInPlaceImageFilterIUC2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterIUC2IRGBAUC2)
itkInPlaceImageFilterIUC2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_swigregister
itkInPlaceImageFilterIUC2IRGBAUC2_swigregister(itkInPlaceImageFilterIUC2IRGBAUC2)
def itkInPlaceImageFilterIUC2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IRGBAUC2 *":
"""itkInPlaceImageFilterIUC2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterIUC2IRGBUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUC2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterIUC2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2IRGBUC2
Create a new object of the class itkInPlaceImageFilterIUC2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterIUC2IRGBUC2)
itkInPlaceImageFilterIUC2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterIUC2IRGBUC2)
itkInPlaceImageFilterIUC2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterIUC2IRGBUC2)
itkInPlaceImageFilterIUC2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterIUC2IRGBUC2)
itkInPlaceImageFilterIUC2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterIUC2IRGBUC2)
itkInPlaceImageFilterIUC2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_swigregister
itkInPlaceImageFilterIUC2IRGBUC2_swigregister(itkInPlaceImageFilterIUC2IRGBUC2)
def itkInPlaceImageFilterIUC2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IRGBUC2 *":
"""itkInPlaceImageFilterIUC2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IRGBUC2_cast(obj)
class itkInPlaceImageFilterIUC2ISS2(itkImageToImageFilterAPython.itkImageToImageFilterIUC2ISS2):
"""Proxy of C++ itkInPlaceImageFilterIUC2ISS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2ISS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2ISS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2ISS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2ISS2
Create a new object of the class itkInPlaceImageFilterIUC2ISS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2ISS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2ISS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2ISS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2ISS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_SetInPlace, None, itkInPlaceImageFilterIUC2ISS2)
itkInPlaceImageFilterIUC2ISS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_GetInPlace, None, itkInPlaceImageFilterIUC2ISS2)
itkInPlaceImageFilterIUC2ISS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_InPlaceOn, None, itkInPlaceImageFilterIUC2ISS2)
itkInPlaceImageFilterIUC2ISS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_InPlaceOff, None, itkInPlaceImageFilterIUC2ISS2)
itkInPlaceImageFilterIUC2ISS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_CanRunInPlace, None, itkInPlaceImageFilterIUC2ISS2)
itkInPlaceImageFilterIUC2ISS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_swigregister
itkInPlaceImageFilterIUC2ISS2_swigregister(itkInPlaceImageFilterIUC2ISS2)
def itkInPlaceImageFilterIUC2ISS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2ISS2 *":
"""itkInPlaceImageFilterIUC2ISS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2ISS2_cast(obj)
class itkInPlaceImageFilterIUC2IUC2(itkImageToImageFilterAPython.itkImageToImageFilterIUC2IUC2):
"""Proxy of C++ itkInPlaceImageFilterIUC2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2IUC2
Create a new object of the class itkInPlaceImageFilterIUC2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_SetInPlace, None, itkInPlaceImageFilterIUC2IUC2)
itkInPlaceImageFilterIUC2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_GetInPlace, None, itkInPlaceImageFilterIUC2IUC2)
itkInPlaceImageFilterIUC2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_InPlaceOn, None, itkInPlaceImageFilterIUC2IUC2)
itkInPlaceImageFilterIUC2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_InPlaceOff, None, itkInPlaceImageFilterIUC2IUC2)
itkInPlaceImageFilterIUC2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_CanRunInPlace, None, itkInPlaceImageFilterIUC2IUC2)
itkInPlaceImageFilterIUC2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_swigregister
itkInPlaceImageFilterIUC2IUC2_swigregister(itkInPlaceImageFilterIUC2IUC2)
def itkInPlaceImageFilterIUC2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IUC2 *":
"""itkInPlaceImageFilterIUC2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUC2_cast(obj)
class itkInPlaceImageFilterIUC2IUS2(itkImageToImageFilterAPython.itkImageToImageFilterIUC2IUS2):
"""Proxy of C++ itkInPlaceImageFilterIUC2IUS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC2IUS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC2IUS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IUS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC2IUS2
Create a new object of the class itkInPlaceImageFilterIUC2IUS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC2IUS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC2IUS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC2IUS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC2IUS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_SetInPlace, None, itkInPlaceImageFilterIUC2IUS2)
itkInPlaceImageFilterIUC2IUS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_GetInPlace, None, itkInPlaceImageFilterIUC2IUS2)
itkInPlaceImageFilterIUC2IUS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_InPlaceOn, None, itkInPlaceImageFilterIUC2IUS2)
itkInPlaceImageFilterIUC2IUS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_InPlaceOff, None, itkInPlaceImageFilterIUC2IUS2)
itkInPlaceImageFilterIUC2IUS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_CanRunInPlace, None, itkInPlaceImageFilterIUC2IUS2)
itkInPlaceImageFilterIUC2IUS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_swigregister
itkInPlaceImageFilterIUC2IUS2_swigregister(itkInPlaceImageFilterIUC2IUS2)
def itkInPlaceImageFilterIUC2IUS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC2IUS2 *":
"""itkInPlaceImageFilterIUC2IUS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC2IUS2_cast(obj)
class itkInPlaceImageFilterIUC3IF3(itkImageToImageFilterAPython.itkImageToImageFilterIUC3IF3):
"""Proxy of C++ itkInPlaceImageFilterIUC3IF3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3IF3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3IF3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IF3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3IF3
Create a new object of the class itkInPlaceImageFilterIUC3IF3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3IF3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3IF3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3IF3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3IF3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_SetInPlace, None, itkInPlaceImageFilterIUC3IF3)
itkInPlaceImageFilterIUC3IF3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_GetInPlace, None, itkInPlaceImageFilterIUC3IF3)
itkInPlaceImageFilterIUC3IF3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_InPlaceOn, None, itkInPlaceImageFilterIUC3IF3)
itkInPlaceImageFilterIUC3IF3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_InPlaceOff, None, itkInPlaceImageFilterIUC3IF3)
itkInPlaceImageFilterIUC3IF3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_CanRunInPlace, None, itkInPlaceImageFilterIUC3IF3)
itkInPlaceImageFilterIUC3IF3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_swigregister
itkInPlaceImageFilterIUC3IF3_swigregister(itkInPlaceImageFilterIUC3IF3)
def itkInPlaceImageFilterIUC3IF3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IF3 *":
"""itkInPlaceImageFilterIUC3IF3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IF3_cast(obj)
class itkInPlaceImageFilterIUC3IRGBAUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUC3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterIUC3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterIUC3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterIUC3IRGBAUC3)
itkInPlaceImageFilterIUC3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterIUC3IRGBAUC3)
itkInPlaceImageFilterIUC3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterIUC3IRGBAUC3)
itkInPlaceImageFilterIUC3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterIUC3IRGBAUC3)
itkInPlaceImageFilterIUC3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterIUC3IRGBAUC3)
itkInPlaceImageFilterIUC3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_swigregister
itkInPlaceImageFilterIUC3IRGBAUC3_swigregister(itkInPlaceImageFilterIUC3IRGBAUC3)
def itkInPlaceImageFilterIUC3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IRGBAUC3 *":
"""itkInPlaceImageFilterIUC3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterIUC3IRGBUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUC3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterIUC3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3IRGBUC3
Create a new object of the class itkInPlaceImageFilterIUC3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterIUC3IRGBUC3)
itkInPlaceImageFilterIUC3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterIUC3IRGBUC3)
itkInPlaceImageFilterIUC3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterIUC3IRGBUC3)
itkInPlaceImageFilterIUC3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterIUC3IRGBUC3)
itkInPlaceImageFilterIUC3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterIUC3IRGBUC3)
itkInPlaceImageFilterIUC3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_swigregister
itkInPlaceImageFilterIUC3IRGBUC3_swigregister(itkInPlaceImageFilterIUC3IRGBUC3)
def itkInPlaceImageFilterIUC3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IRGBUC3 *":
"""itkInPlaceImageFilterIUC3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IRGBUC3_cast(obj)
class itkInPlaceImageFilterIUC3ISS3(itkImageToImageFilterAPython.itkImageToImageFilterIUC3ISS3):
"""Proxy of C++ itkInPlaceImageFilterIUC3ISS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3ISS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3ISS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3ISS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3ISS3
Create a new object of the class itkInPlaceImageFilterIUC3ISS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3ISS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3ISS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3ISS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3ISS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_SetInPlace, None, itkInPlaceImageFilterIUC3ISS3)
itkInPlaceImageFilterIUC3ISS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_GetInPlace, None, itkInPlaceImageFilterIUC3ISS3)
itkInPlaceImageFilterIUC3ISS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_InPlaceOn, None, itkInPlaceImageFilterIUC3ISS3)
itkInPlaceImageFilterIUC3ISS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_InPlaceOff, None, itkInPlaceImageFilterIUC3ISS3)
itkInPlaceImageFilterIUC3ISS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_CanRunInPlace, None, itkInPlaceImageFilterIUC3ISS3)
itkInPlaceImageFilterIUC3ISS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_swigregister
itkInPlaceImageFilterIUC3ISS3_swigregister(itkInPlaceImageFilterIUC3ISS3)
def itkInPlaceImageFilterIUC3ISS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3ISS3 *":
"""itkInPlaceImageFilterIUC3ISS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3ISS3_cast(obj)
class itkInPlaceImageFilterIUC3IUC3(itkImageToImageFilterAPython.itkImageToImageFilterIUC3IUC3):
"""Proxy of C++ itkInPlaceImageFilterIUC3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3IUC3
Create a new object of the class itkInPlaceImageFilterIUC3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_SetInPlace, None, itkInPlaceImageFilterIUC3IUC3)
itkInPlaceImageFilterIUC3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_GetInPlace, None, itkInPlaceImageFilterIUC3IUC3)
itkInPlaceImageFilterIUC3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_InPlaceOn, None, itkInPlaceImageFilterIUC3IUC3)
itkInPlaceImageFilterIUC3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_InPlaceOff, None, itkInPlaceImageFilterIUC3IUC3)
itkInPlaceImageFilterIUC3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_CanRunInPlace, None, itkInPlaceImageFilterIUC3IUC3)
itkInPlaceImageFilterIUC3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_swigregister
itkInPlaceImageFilterIUC3IUC3_swigregister(itkInPlaceImageFilterIUC3IUC3)
def itkInPlaceImageFilterIUC3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IUC3 *":
"""itkInPlaceImageFilterIUC3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUC3_cast(obj)
class itkInPlaceImageFilterIUC3IUS3(itkImageToImageFilterAPython.itkImageToImageFilterIUC3IUS3):
"""Proxy of C++ itkInPlaceImageFilterIUC3IUS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUC3IUS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUC3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUC3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUC3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUC3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUC3IUS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IUS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUC3IUS3
Create a new object of the class itkInPlaceImageFilterIUC3IUS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUC3IUS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUC3IUS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUC3IUS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUC3IUS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_SetInPlace, None, itkInPlaceImageFilterIUC3IUS3)
itkInPlaceImageFilterIUC3IUS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_GetInPlace, None, itkInPlaceImageFilterIUC3IUS3)
itkInPlaceImageFilterIUC3IUS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_InPlaceOn, None, itkInPlaceImageFilterIUC3IUS3)
itkInPlaceImageFilterIUC3IUS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_InPlaceOff, None, itkInPlaceImageFilterIUC3IUS3)
itkInPlaceImageFilterIUC3IUS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_CanRunInPlace, None, itkInPlaceImageFilterIUC3IUS3)
itkInPlaceImageFilterIUC3IUS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_swigregister
itkInPlaceImageFilterIUC3IUS3_swigregister(itkInPlaceImageFilterIUC3IUS3)
def itkInPlaceImageFilterIUC3IUS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUC3IUS3 *":
"""itkInPlaceImageFilterIUC3IUS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUC3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUC3IUS3_cast(obj)
class itkInPlaceImageFilterIUL2IRGBAUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUL2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterIUL2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUL2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUL2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUL2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUL2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUL2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUL2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUL2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUL2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterIUL2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUL2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUL2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUL2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUL2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterIUL2IRGBAUC2)
itkInPlaceImageFilterIUL2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterIUL2IRGBAUC2)
itkInPlaceImageFilterIUL2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterIUL2IRGBAUC2)
itkInPlaceImageFilterIUL2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterIUL2IRGBAUC2)
itkInPlaceImageFilterIUL2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterIUL2IRGBAUC2)
itkInPlaceImageFilterIUL2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_swigregister
itkInPlaceImageFilterIUL2IRGBAUC2_swigregister(itkInPlaceImageFilterIUL2IRGBAUC2)
def itkInPlaceImageFilterIUL2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL2IRGBAUC2 *":
"""itkInPlaceImageFilterIUL2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUL2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterIUL2IRGBUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUL2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterIUL2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUL2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUL2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUL2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUL2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUL2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUL2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUL2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUL2IRGBUC2
Create a new object of the class itkInPlaceImageFilterIUL2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUL2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUL2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUL2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUL2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterIUL2IRGBUC2)
itkInPlaceImageFilterIUL2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterIUL2IRGBUC2)
itkInPlaceImageFilterIUL2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterIUL2IRGBUC2)
itkInPlaceImageFilterIUL2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterIUL2IRGBUC2)
itkInPlaceImageFilterIUL2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterIUL2IRGBUC2)
itkInPlaceImageFilterIUL2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_swigregister
itkInPlaceImageFilterIUL2IRGBUC2_swigregister(itkInPlaceImageFilterIUL2IRGBUC2)
def itkInPlaceImageFilterIUL2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL2IRGBUC2 *":
"""itkInPlaceImageFilterIUL2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUL2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL2IRGBUC2_cast(obj)
class itkInPlaceImageFilterIUL3IRGBAUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUL3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterIUL3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUL3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUL3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUL3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUL3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUL3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUL3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUL3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUL3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterIUL3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUL3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUL3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUL3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUL3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterIUL3IRGBAUC3)
itkInPlaceImageFilterIUL3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterIUL3IRGBAUC3)
itkInPlaceImageFilterIUL3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterIUL3IRGBAUC3)
itkInPlaceImageFilterIUL3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterIUL3IRGBAUC3)
itkInPlaceImageFilterIUL3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterIUL3IRGBAUC3)
itkInPlaceImageFilterIUL3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_swigregister
itkInPlaceImageFilterIUL3IRGBAUC3_swigregister(itkInPlaceImageFilterIUL3IRGBAUC3)
def itkInPlaceImageFilterIUL3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL3IRGBAUC3 *":
"""itkInPlaceImageFilterIUL3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUL3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterIUL3IRGBUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUL3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterIUL3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUL3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUL3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUL3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUL3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUL3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUL3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUL3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUL3IRGBUC3
Create a new object of the class itkInPlaceImageFilterIUL3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUL3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUL3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUL3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUL3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterIUL3IRGBUC3)
itkInPlaceImageFilterIUL3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterIUL3IRGBUC3)
itkInPlaceImageFilterIUL3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterIUL3IRGBUC3)
itkInPlaceImageFilterIUL3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterIUL3IRGBUC3)
itkInPlaceImageFilterIUL3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterIUL3IRGBUC3)
itkInPlaceImageFilterIUL3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_swigregister
itkInPlaceImageFilterIUL3IRGBUC3_swigregister(itkInPlaceImageFilterIUL3IRGBUC3)
def itkInPlaceImageFilterIUL3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUL3IRGBUC3 *":
"""itkInPlaceImageFilterIUL3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUL3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUL3IRGBUC3_cast(obj)
class itkInPlaceImageFilterIULL2ISS2(itkImageToImageFilterAPython.itkImageToImageFilterIULL2ISS2):
"""Proxy of C++ itkInPlaceImageFilterIULL2ISS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL2ISS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL2ISS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2ISS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL2ISS2
Create a new object of the class itkInPlaceImageFilterIULL2ISS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL2ISS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL2ISS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL2ISS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL2ISS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_SetInPlace, None, itkInPlaceImageFilterIULL2ISS2)
itkInPlaceImageFilterIULL2ISS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_GetInPlace, None, itkInPlaceImageFilterIULL2ISS2)
itkInPlaceImageFilterIULL2ISS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_InPlaceOn, None, itkInPlaceImageFilterIULL2ISS2)
itkInPlaceImageFilterIULL2ISS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_InPlaceOff, None, itkInPlaceImageFilterIULL2ISS2)
itkInPlaceImageFilterIULL2ISS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_CanRunInPlace, None, itkInPlaceImageFilterIULL2ISS2)
itkInPlaceImageFilterIULL2ISS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_swigregister
itkInPlaceImageFilterIULL2ISS2_swigregister(itkInPlaceImageFilterIULL2ISS2)
def itkInPlaceImageFilterIULL2ISS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2ISS2 *":
"""itkInPlaceImageFilterIULL2ISS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2ISS2_cast(obj)
class itkInPlaceImageFilterIULL2IUC2(itkImageToImageFilterAPython.itkImageToImageFilterIULL2IUC2):
"""Proxy of C++ itkInPlaceImageFilterIULL2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL2IUC2
Create a new object of the class itkInPlaceImageFilterIULL2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_SetInPlace, None, itkInPlaceImageFilterIULL2IUC2)
itkInPlaceImageFilterIULL2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_GetInPlace, None, itkInPlaceImageFilterIULL2IUC2)
itkInPlaceImageFilterIULL2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_InPlaceOn, None, itkInPlaceImageFilterIULL2IUC2)
itkInPlaceImageFilterIULL2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_InPlaceOff, None, itkInPlaceImageFilterIULL2IUC2)
itkInPlaceImageFilterIULL2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_CanRunInPlace, None, itkInPlaceImageFilterIULL2IUC2)
itkInPlaceImageFilterIULL2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_swigregister
itkInPlaceImageFilterIULL2IUC2_swigregister(itkInPlaceImageFilterIULL2IUC2)
def itkInPlaceImageFilterIULL2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2IUC2 *":
"""itkInPlaceImageFilterIULL2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUC2_cast(obj)
class itkInPlaceImageFilterIULL2IUS2(itkImageToImageFilterAPython.itkImageToImageFilterIULL2IUS2):
"""Proxy of C++ itkInPlaceImageFilterIULL2IUS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL2IUS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL2IUS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2IUS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL2IUS2
Create a new object of the class itkInPlaceImageFilterIULL2IUS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL2IUS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL2IUS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL2IUS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL2IUS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_SetInPlace, None, itkInPlaceImageFilterIULL2IUS2)
itkInPlaceImageFilterIULL2IUS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_GetInPlace, None, itkInPlaceImageFilterIULL2IUS2)
itkInPlaceImageFilterIULL2IUS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_InPlaceOn, None, itkInPlaceImageFilterIULL2IUS2)
itkInPlaceImageFilterIULL2IUS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_InPlaceOff, None, itkInPlaceImageFilterIULL2IUS2)
itkInPlaceImageFilterIULL2IUS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_CanRunInPlace, None, itkInPlaceImageFilterIULL2IUS2)
itkInPlaceImageFilterIULL2IUS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_swigregister
itkInPlaceImageFilterIULL2IUS2_swigregister(itkInPlaceImageFilterIULL2IUS2)
def itkInPlaceImageFilterIULL2IUS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL2IUS2 *":
"""itkInPlaceImageFilterIULL2IUS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL2IUS2_cast(obj)
class itkInPlaceImageFilterIULL3ISS3(itkImageToImageFilterAPython.itkImageToImageFilterIULL3ISS3):
"""Proxy of C++ itkInPlaceImageFilterIULL3ISS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL3ISS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL3ISS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3ISS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL3ISS3
Create a new object of the class itkInPlaceImageFilterIULL3ISS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL3ISS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL3ISS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL3ISS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL3ISS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_SetInPlace, None, itkInPlaceImageFilterIULL3ISS3)
itkInPlaceImageFilterIULL3ISS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_GetInPlace, None, itkInPlaceImageFilterIULL3ISS3)
itkInPlaceImageFilterIULL3ISS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_InPlaceOn, None, itkInPlaceImageFilterIULL3ISS3)
itkInPlaceImageFilterIULL3ISS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_InPlaceOff, None, itkInPlaceImageFilterIULL3ISS3)
itkInPlaceImageFilterIULL3ISS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_CanRunInPlace, None, itkInPlaceImageFilterIULL3ISS3)
itkInPlaceImageFilterIULL3ISS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_swigregister
itkInPlaceImageFilterIULL3ISS3_swigregister(itkInPlaceImageFilterIULL3ISS3)
def itkInPlaceImageFilterIULL3ISS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3ISS3 *":
"""itkInPlaceImageFilterIULL3ISS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3ISS3_cast(obj)
class itkInPlaceImageFilterIULL3IUC3(itkImageToImageFilterAPython.itkImageToImageFilterIULL3IUC3):
"""Proxy of C++ itkInPlaceImageFilterIULL3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL3IUC3
Create a new object of the class itkInPlaceImageFilterIULL3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_SetInPlace, None, itkInPlaceImageFilterIULL3IUC3)
itkInPlaceImageFilterIULL3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_GetInPlace, None, itkInPlaceImageFilterIULL3IUC3)
itkInPlaceImageFilterIULL3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_InPlaceOn, None, itkInPlaceImageFilterIULL3IUC3)
itkInPlaceImageFilterIULL3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_InPlaceOff, None, itkInPlaceImageFilterIULL3IUC3)
itkInPlaceImageFilterIULL3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_CanRunInPlace, None, itkInPlaceImageFilterIULL3IUC3)
itkInPlaceImageFilterIULL3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_swigregister
itkInPlaceImageFilterIULL3IUC3_swigregister(itkInPlaceImageFilterIULL3IUC3)
def itkInPlaceImageFilterIULL3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3IUC3 *":
"""itkInPlaceImageFilterIULL3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUC3_cast(obj)
class itkInPlaceImageFilterIULL3IUS3(itkImageToImageFilterAPython.itkImageToImageFilterIULL3IUS3):
"""Proxy of C++ itkInPlaceImageFilterIULL3IUS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIULL3IUS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIULL3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIULL3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIULL3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIULL3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIULL3IUS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3IUS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIULL3IUS3
Create a new object of the class itkInPlaceImageFilterIULL3IUS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIULL3IUS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIULL3IUS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIULL3IUS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIULL3IUS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_SetInPlace, None, itkInPlaceImageFilterIULL3IUS3)
itkInPlaceImageFilterIULL3IUS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_GetInPlace, None, itkInPlaceImageFilterIULL3IUS3)
itkInPlaceImageFilterIULL3IUS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_InPlaceOn, None, itkInPlaceImageFilterIULL3IUS3)
itkInPlaceImageFilterIULL3IUS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_InPlaceOff, None, itkInPlaceImageFilterIULL3IUS3)
itkInPlaceImageFilterIULL3IUS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_CanRunInPlace, None, itkInPlaceImageFilterIULL3IUS3)
itkInPlaceImageFilterIULL3IUS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_swigregister
itkInPlaceImageFilterIULL3IUS3_swigregister(itkInPlaceImageFilterIULL3IUS3)
def itkInPlaceImageFilterIULL3IUS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIULL3IUS3 *":
"""itkInPlaceImageFilterIULL3IUS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIULL3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIULL3IUS3_cast(obj)
class itkInPlaceImageFilterIUS2IF2(itkImageToImageFilterAPython.itkImageToImageFilterIUS2IF2):
"""Proxy of C++ itkInPlaceImageFilterIUS2IF2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2IF2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2IF2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2IF2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2IF2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IF2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2IF2
Create a new object of the class itkInPlaceImageFilterIUS2IF2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2IF2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2IF2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2IF2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2IF2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_SetInPlace, None, itkInPlaceImageFilterIUS2IF2)
itkInPlaceImageFilterIUS2IF2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_GetInPlace, None, itkInPlaceImageFilterIUS2IF2)
itkInPlaceImageFilterIUS2IF2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_InPlaceOn, None, itkInPlaceImageFilterIUS2IF2)
itkInPlaceImageFilterIUS2IF2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_InPlaceOff, None, itkInPlaceImageFilterIUS2IF2)
itkInPlaceImageFilterIUS2IF2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_CanRunInPlace, None, itkInPlaceImageFilterIUS2IF2)
itkInPlaceImageFilterIUS2IF2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_swigregister
itkInPlaceImageFilterIUS2IF2_swigregister(itkInPlaceImageFilterIUS2IF2)
def itkInPlaceImageFilterIUS2IF2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IF2 *":
"""itkInPlaceImageFilterIUS2IF2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IF2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IF2_cast(obj)
class itkInPlaceImageFilterIUS2IRGBAUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUS2IRGBAUC2):
"""Proxy of C++ itkInPlaceImageFilterIUS2IRGBAUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2IRGBAUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2IRGBAUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2IRGBAUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2IRGBAUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IRGBAUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2IRGBAUC2
Create a new object of the class itkInPlaceImageFilterIUS2IRGBAUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2IRGBAUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2IRGBAUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2IRGBAUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2IRGBAUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_SetInPlace, None, itkInPlaceImageFilterIUS2IRGBAUC2)
itkInPlaceImageFilterIUS2IRGBAUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_GetInPlace, None, itkInPlaceImageFilterIUS2IRGBAUC2)
itkInPlaceImageFilterIUS2IRGBAUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_InPlaceOn, None, itkInPlaceImageFilterIUS2IRGBAUC2)
itkInPlaceImageFilterIUS2IRGBAUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_InPlaceOff, None, itkInPlaceImageFilterIUS2IRGBAUC2)
itkInPlaceImageFilterIUS2IRGBAUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_CanRunInPlace, None, itkInPlaceImageFilterIUS2IRGBAUC2)
itkInPlaceImageFilterIUS2IRGBAUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_swigregister
itkInPlaceImageFilterIUS2IRGBAUC2_swigregister(itkInPlaceImageFilterIUS2IRGBAUC2)
def itkInPlaceImageFilterIUS2IRGBAUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IRGBAUC2 *":
"""itkInPlaceImageFilterIUS2IRGBAUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IRGBAUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBAUC2_cast(obj)
class itkInPlaceImageFilterIUS2IRGBUC2(itkImageToImageFilterBPython.itkImageToImageFilterIUS2IRGBUC2):
"""Proxy of C++ itkInPlaceImageFilterIUS2IRGBUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2IRGBUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2IRGBUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2IRGBUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2IRGBUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IRGBUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2IRGBUC2
Create a new object of the class itkInPlaceImageFilterIUS2IRGBUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2IRGBUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2IRGBUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2IRGBUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2IRGBUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_SetInPlace, None, itkInPlaceImageFilterIUS2IRGBUC2)
itkInPlaceImageFilterIUS2IRGBUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_GetInPlace, None, itkInPlaceImageFilterIUS2IRGBUC2)
itkInPlaceImageFilterIUS2IRGBUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_InPlaceOn, None, itkInPlaceImageFilterIUS2IRGBUC2)
itkInPlaceImageFilterIUS2IRGBUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_InPlaceOff, None, itkInPlaceImageFilterIUS2IRGBUC2)
itkInPlaceImageFilterIUS2IRGBUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_CanRunInPlace, None, itkInPlaceImageFilterIUS2IRGBUC2)
itkInPlaceImageFilterIUS2IRGBUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_swigregister
itkInPlaceImageFilterIUS2IRGBUC2_swigregister(itkInPlaceImageFilterIUS2IRGBUC2)
def itkInPlaceImageFilterIUS2IRGBUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IRGBUC2 *":
"""itkInPlaceImageFilterIUS2IRGBUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IRGBUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IRGBUC2_cast(obj)
class itkInPlaceImageFilterIUS2ISS2(itkImageToImageFilterAPython.itkImageToImageFilterIUS2ISS2):
"""Proxy of C++ itkInPlaceImageFilterIUS2ISS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2ISS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2ISS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2ISS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2ISS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2ISS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2ISS2
Create a new object of the class itkInPlaceImageFilterIUS2ISS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2ISS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2ISS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2ISS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2ISS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_SetInPlace, None, itkInPlaceImageFilterIUS2ISS2)
itkInPlaceImageFilterIUS2ISS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_GetInPlace, None, itkInPlaceImageFilterIUS2ISS2)
itkInPlaceImageFilterIUS2ISS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_InPlaceOn, None, itkInPlaceImageFilterIUS2ISS2)
itkInPlaceImageFilterIUS2ISS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_InPlaceOff, None, itkInPlaceImageFilterIUS2ISS2)
itkInPlaceImageFilterIUS2ISS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_CanRunInPlace, None, itkInPlaceImageFilterIUS2ISS2)
itkInPlaceImageFilterIUS2ISS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_swigregister
itkInPlaceImageFilterIUS2ISS2_swigregister(itkInPlaceImageFilterIUS2ISS2)
def itkInPlaceImageFilterIUS2ISS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2ISS2 *":
"""itkInPlaceImageFilterIUS2ISS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2ISS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2ISS2_cast(obj)
class itkInPlaceImageFilterIUS2IUC2(itkImageToImageFilterAPython.itkImageToImageFilterIUS2IUC2):
"""Proxy of C++ itkInPlaceImageFilterIUS2IUC2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2IUC2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2IUC2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2IUC2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2IUC2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IUC2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2IUC2
Create a new object of the class itkInPlaceImageFilterIUS2IUC2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2IUC2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2IUC2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2IUC2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2IUC2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_SetInPlace, None, itkInPlaceImageFilterIUS2IUC2)
itkInPlaceImageFilterIUS2IUC2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_GetInPlace, None, itkInPlaceImageFilterIUS2IUC2)
itkInPlaceImageFilterIUS2IUC2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_InPlaceOn, None, itkInPlaceImageFilterIUS2IUC2)
itkInPlaceImageFilterIUS2IUC2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_InPlaceOff, None, itkInPlaceImageFilterIUS2IUC2)
itkInPlaceImageFilterIUS2IUC2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_CanRunInPlace, None, itkInPlaceImageFilterIUS2IUC2)
itkInPlaceImageFilterIUS2IUC2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_swigregister
itkInPlaceImageFilterIUS2IUC2_swigregister(itkInPlaceImageFilterIUS2IUC2)
def itkInPlaceImageFilterIUS2IUC2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IUC2 *":
"""itkInPlaceImageFilterIUS2IUC2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IUC2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUC2_cast(obj)
class itkInPlaceImageFilterIUS2IUS2(itkImageToImageFilterAPython.itkImageToImageFilterIUS2IUS2):
"""Proxy of C++ itkInPlaceImageFilterIUS2IUS2 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS2IUS2 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS2IUS2 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS2IUS2 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS2IUS2
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IUS2 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS2IUS2
Create a new object of the class itkInPlaceImageFilterIUS2IUS2 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS2IUS2.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS2IUS2.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS2IUS2.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS2IUS2.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_SetInPlace, None, itkInPlaceImageFilterIUS2IUS2)
itkInPlaceImageFilterIUS2IUS2.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_GetInPlace, None, itkInPlaceImageFilterIUS2IUS2)
itkInPlaceImageFilterIUS2IUS2.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_InPlaceOn, None, itkInPlaceImageFilterIUS2IUS2)
itkInPlaceImageFilterIUS2IUS2.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_InPlaceOff, None, itkInPlaceImageFilterIUS2IUS2)
itkInPlaceImageFilterIUS2IUS2.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_CanRunInPlace, None, itkInPlaceImageFilterIUS2IUS2)
itkInPlaceImageFilterIUS2IUS2_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_swigregister
itkInPlaceImageFilterIUS2IUS2_swigregister(itkInPlaceImageFilterIUS2IUS2)
def itkInPlaceImageFilterIUS2IUS2_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS2IUS2 *":
"""itkInPlaceImageFilterIUS2IUS2_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS2IUS2"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS2IUS2_cast(obj)
class itkInPlaceImageFilterIUS3IF3(itkImageToImageFilterAPython.itkImageToImageFilterIUS3IF3):
"""Proxy of C++ itkInPlaceImageFilterIUS3IF3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3IF3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3IF3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3IF3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3IF3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IF3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3IF3
Create a new object of the class itkInPlaceImageFilterIUS3IF3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3IF3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3IF3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3IF3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3IF3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_SetInPlace, None, itkInPlaceImageFilterIUS3IF3)
itkInPlaceImageFilterIUS3IF3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_GetInPlace, None, itkInPlaceImageFilterIUS3IF3)
itkInPlaceImageFilterIUS3IF3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_InPlaceOn, None, itkInPlaceImageFilterIUS3IF3)
itkInPlaceImageFilterIUS3IF3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_InPlaceOff, None, itkInPlaceImageFilterIUS3IF3)
itkInPlaceImageFilterIUS3IF3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_CanRunInPlace, None, itkInPlaceImageFilterIUS3IF3)
itkInPlaceImageFilterIUS3IF3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_swigregister
itkInPlaceImageFilterIUS3IF3_swigregister(itkInPlaceImageFilterIUS3IF3)
def itkInPlaceImageFilterIUS3IF3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IF3 *":
"""itkInPlaceImageFilterIUS3IF3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IF3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IF3_cast(obj)
class itkInPlaceImageFilterIUS3IRGBAUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUS3IRGBAUC3):
"""Proxy of C++ itkInPlaceImageFilterIUS3IRGBAUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3IRGBAUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3IRGBAUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3IRGBAUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3IRGBAUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IRGBAUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3IRGBAUC3
Create a new object of the class itkInPlaceImageFilterIUS3IRGBAUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3IRGBAUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3IRGBAUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3IRGBAUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3IRGBAUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_SetInPlace, None, itkInPlaceImageFilterIUS3IRGBAUC3)
itkInPlaceImageFilterIUS3IRGBAUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_GetInPlace, None, itkInPlaceImageFilterIUS3IRGBAUC3)
itkInPlaceImageFilterIUS3IRGBAUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_InPlaceOn, None, itkInPlaceImageFilterIUS3IRGBAUC3)
itkInPlaceImageFilterIUS3IRGBAUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_InPlaceOff, None, itkInPlaceImageFilterIUS3IRGBAUC3)
itkInPlaceImageFilterIUS3IRGBAUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_CanRunInPlace, None, itkInPlaceImageFilterIUS3IRGBAUC3)
itkInPlaceImageFilterIUS3IRGBAUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_swigregister
itkInPlaceImageFilterIUS3IRGBAUC3_swigregister(itkInPlaceImageFilterIUS3IRGBAUC3)
def itkInPlaceImageFilterIUS3IRGBAUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IRGBAUC3 *":
"""itkInPlaceImageFilterIUS3IRGBAUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IRGBAUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBAUC3_cast(obj)
class itkInPlaceImageFilterIUS3IRGBUC3(itkImageToImageFilterBPython.itkImageToImageFilterIUS3IRGBUC3):
"""Proxy of C++ itkInPlaceImageFilterIUS3IRGBUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3IRGBUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3IRGBUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3IRGBUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3IRGBUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IRGBUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3IRGBUC3
Create a new object of the class itkInPlaceImageFilterIUS3IRGBUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3IRGBUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3IRGBUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3IRGBUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3IRGBUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_SetInPlace, None, itkInPlaceImageFilterIUS3IRGBUC3)
itkInPlaceImageFilterIUS3IRGBUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_GetInPlace, None, itkInPlaceImageFilterIUS3IRGBUC3)
itkInPlaceImageFilterIUS3IRGBUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_InPlaceOn, None, itkInPlaceImageFilterIUS3IRGBUC3)
itkInPlaceImageFilterIUS3IRGBUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_InPlaceOff, None, itkInPlaceImageFilterIUS3IRGBUC3)
itkInPlaceImageFilterIUS3IRGBUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_CanRunInPlace, None, itkInPlaceImageFilterIUS3IRGBUC3)
itkInPlaceImageFilterIUS3IRGBUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_swigregister
itkInPlaceImageFilterIUS3IRGBUC3_swigregister(itkInPlaceImageFilterIUS3IRGBUC3)
def itkInPlaceImageFilterIUS3IRGBUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IRGBUC3 *":
"""itkInPlaceImageFilterIUS3IRGBUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IRGBUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IRGBUC3_cast(obj)
class itkInPlaceImageFilterIUS3ISS3(itkImageToImageFilterAPython.itkImageToImageFilterIUS3ISS3):
"""Proxy of C++ itkInPlaceImageFilterIUS3ISS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3ISS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3ISS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3ISS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3ISS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3ISS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3ISS3
Create a new object of the class itkInPlaceImageFilterIUS3ISS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3ISS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3ISS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3ISS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3ISS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_SetInPlace, None, itkInPlaceImageFilterIUS3ISS3)
itkInPlaceImageFilterIUS3ISS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_GetInPlace, None, itkInPlaceImageFilterIUS3ISS3)
itkInPlaceImageFilterIUS3ISS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_InPlaceOn, None, itkInPlaceImageFilterIUS3ISS3)
itkInPlaceImageFilterIUS3ISS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_InPlaceOff, None, itkInPlaceImageFilterIUS3ISS3)
itkInPlaceImageFilterIUS3ISS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_CanRunInPlace, None, itkInPlaceImageFilterIUS3ISS3)
itkInPlaceImageFilterIUS3ISS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_swigregister
itkInPlaceImageFilterIUS3ISS3_swigregister(itkInPlaceImageFilterIUS3ISS3)
def itkInPlaceImageFilterIUS3ISS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3ISS3 *":
"""itkInPlaceImageFilterIUS3ISS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3ISS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3ISS3_cast(obj)
class itkInPlaceImageFilterIUS3IUC3(itkImageToImageFilterAPython.itkImageToImageFilterIUS3IUC3):
"""Proxy of C++ itkInPlaceImageFilterIUS3IUC3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3IUC3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3IUC3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3IUC3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3IUC3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IUC3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3IUC3
Create a new object of the class itkInPlaceImageFilterIUS3IUC3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3IUC3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3IUC3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3IUC3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3IUC3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_SetInPlace, None, itkInPlaceImageFilterIUS3IUC3)
itkInPlaceImageFilterIUS3IUC3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_GetInPlace, None, itkInPlaceImageFilterIUS3IUC3)
itkInPlaceImageFilterIUS3IUC3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_InPlaceOn, None, itkInPlaceImageFilterIUS3IUC3)
itkInPlaceImageFilterIUS3IUC3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_InPlaceOff, None, itkInPlaceImageFilterIUS3IUC3)
itkInPlaceImageFilterIUS3IUC3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_CanRunInPlace, None, itkInPlaceImageFilterIUS3IUC3)
itkInPlaceImageFilterIUS3IUC3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_swigregister
itkInPlaceImageFilterIUS3IUC3_swigregister(itkInPlaceImageFilterIUS3IUC3)
def itkInPlaceImageFilterIUS3IUC3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IUC3 *":
"""itkInPlaceImageFilterIUS3IUC3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IUC3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUC3_cast(obj)
class itkInPlaceImageFilterIUS3IUS3(itkImageToImageFilterAPython.itkImageToImageFilterIUS3IUS3):
"""Proxy of C++ itkInPlaceImageFilterIUS3IUS3 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIUS3IUS3 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIUS3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIUS3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIUS3IUS3 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIUS3IUS3 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIUS3IUS3
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IUS3 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIUS3IUS3
Create a new object of the class itkInPlaceImageFilterIUS3IUS3 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIUS3IUS3.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIUS3IUS3.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIUS3IUS3.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIUS3IUS3.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_SetInPlace, None, itkInPlaceImageFilterIUS3IUS3)
itkInPlaceImageFilterIUS3IUS3.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_GetInPlace, None, itkInPlaceImageFilterIUS3IUS3)
itkInPlaceImageFilterIUS3IUS3.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_InPlaceOn, None, itkInPlaceImageFilterIUS3IUS3)
itkInPlaceImageFilterIUS3IUS3.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_InPlaceOff, None, itkInPlaceImageFilterIUS3IUS3)
itkInPlaceImageFilterIUS3IUS3.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_CanRunInPlace, None, itkInPlaceImageFilterIUS3IUS3)
itkInPlaceImageFilterIUS3IUS3_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_swigregister
itkInPlaceImageFilterIUS3IUS3_swigregister(itkInPlaceImageFilterIUS3IUS3)
def itkInPlaceImageFilterIUS3IUS3_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIUS3IUS3 *":
"""itkInPlaceImageFilterIUS3IUS3_cast(itkLightObject obj) -> itkInPlaceImageFilterIUS3IUS3"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIUS3IUS3_cast(obj)
class itkInPlaceImageFilterIVF22ICVF22(itkImageToImageFilterAPython.itkImageToImageFilterIVF22ICVF22):
"""Proxy of C++ itkInPlaceImageFilterIVF22ICVF22 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF22ICVF22 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF22ICVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF22ICVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF22ICVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF22ICVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF22ICVF22
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF22ICVF22 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF22ICVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF22ICVF22
Create a new object of the class itkInPlaceImageFilterIVF22ICVF22 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF22ICVF22.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF22ICVF22.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF22ICVF22.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF22ICVF22.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_SetInPlace, None, itkInPlaceImageFilterIVF22ICVF22)
itkInPlaceImageFilterIVF22ICVF22.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_GetInPlace, None, itkInPlaceImageFilterIVF22ICVF22)
itkInPlaceImageFilterIVF22ICVF22.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_InPlaceOn, None, itkInPlaceImageFilterIVF22ICVF22)
itkInPlaceImageFilterIVF22ICVF22.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_InPlaceOff, None, itkInPlaceImageFilterIVF22ICVF22)
itkInPlaceImageFilterIVF22ICVF22.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_CanRunInPlace, None, itkInPlaceImageFilterIVF22ICVF22)
itkInPlaceImageFilterIVF22ICVF22_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_swigregister
itkInPlaceImageFilterIVF22ICVF22_swigregister(itkInPlaceImageFilterIVF22ICVF22)
def itkInPlaceImageFilterIVF22ICVF22_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF22ICVF22 *":
"""itkInPlaceImageFilterIVF22ICVF22_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF22ICVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22ICVF22_cast(obj)
class itkInPlaceImageFilterIVF22IVF22(itkImageToImageFilterAPython.itkImageToImageFilterIVF22IVF22):
"""Proxy of C++ itkInPlaceImageFilterIVF22IVF22 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF22IVF22 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF22IVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF22IVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF22IVF22 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF22IVF22 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF22IVF22
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF22IVF22 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF22IVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF22IVF22
Create a new object of the class itkInPlaceImageFilterIVF22IVF22 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF22IVF22.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF22IVF22.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF22IVF22.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF22IVF22.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_SetInPlace, None, itkInPlaceImageFilterIVF22IVF22)
itkInPlaceImageFilterIVF22IVF22.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_GetInPlace, None, itkInPlaceImageFilterIVF22IVF22)
itkInPlaceImageFilterIVF22IVF22.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_InPlaceOn, None, itkInPlaceImageFilterIVF22IVF22)
itkInPlaceImageFilterIVF22IVF22.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_InPlaceOff, None, itkInPlaceImageFilterIVF22IVF22)
itkInPlaceImageFilterIVF22IVF22.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_CanRunInPlace, None, itkInPlaceImageFilterIVF22IVF22)
itkInPlaceImageFilterIVF22IVF22_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_swigregister
itkInPlaceImageFilterIVF22IVF22_swigregister(itkInPlaceImageFilterIVF22IVF22)
def itkInPlaceImageFilterIVF22IVF22_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF22IVF22 *":
"""itkInPlaceImageFilterIVF22IVF22_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF22IVF22"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF22IVF22_cast(obj)
class itkInPlaceImageFilterIVF23ICVF23(itkImageToImageFilterAPython.itkImageToImageFilterIVF23ICVF23):
"""Proxy of C++ itkInPlaceImageFilterIVF23ICVF23 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF23ICVF23 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF23ICVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF23ICVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF23ICVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF23ICVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF23ICVF23
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF23ICVF23 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF23ICVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF23ICVF23
Create a new object of the class itkInPlaceImageFilterIVF23ICVF23 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF23ICVF23.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF23ICVF23.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF23ICVF23.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF23ICVF23.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_SetInPlace, None, itkInPlaceImageFilterIVF23ICVF23)
itkInPlaceImageFilterIVF23ICVF23.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_GetInPlace, None, itkInPlaceImageFilterIVF23ICVF23)
itkInPlaceImageFilterIVF23ICVF23.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_InPlaceOn, None, itkInPlaceImageFilterIVF23ICVF23)
itkInPlaceImageFilterIVF23ICVF23.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_InPlaceOff, None, itkInPlaceImageFilterIVF23ICVF23)
itkInPlaceImageFilterIVF23ICVF23.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_CanRunInPlace, None, itkInPlaceImageFilterIVF23ICVF23)
itkInPlaceImageFilterIVF23ICVF23_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_swigregister
itkInPlaceImageFilterIVF23ICVF23_swigregister(itkInPlaceImageFilterIVF23ICVF23)
def itkInPlaceImageFilterIVF23ICVF23_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF23ICVF23 *":
"""itkInPlaceImageFilterIVF23ICVF23_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF23ICVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23ICVF23_cast(obj)
class itkInPlaceImageFilterIVF23IVF23(itkImageToImageFilterAPython.itkImageToImageFilterIVF23IVF23):
"""Proxy of C++ itkInPlaceImageFilterIVF23IVF23 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF23IVF23 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF23IVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF23IVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF23IVF23 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF23IVF23 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF23IVF23
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF23IVF23 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF23IVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF23IVF23
Create a new object of the class itkInPlaceImageFilterIVF23IVF23 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF23IVF23.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF23IVF23.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF23IVF23.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF23IVF23.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_SetInPlace, None, itkInPlaceImageFilterIVF23IVF23)
itkInPlaceImageFilterIVF23IVF23.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_GetInPlace, None, itkInPlaceImageFilterIVF23IVF23)
itkInPlaceImageFilterIVF23IVF23.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_InPlaceOn, None, itkInPlaceImageFilterIVF23IVF23)
itkInPlaceImageFilterIVF23IVF23.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_InPlaceOff, None, itkInPlaceImageFilterIVF23IVF23)
itkInPlaceImageFilterIVF23IVF23.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_CanRunInPlace, None, itkInPlaceImageFilterIVF23IVF23)
itkInPlaceImageFilterIVF23IVF23_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_swigregister
itkInPlaceImageFilterIVF23IVF23_swigregister(itkInPlaceImageFilterIVF23IVF23)
def itkInPlaceImageFilterIVF23IVF23_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF23IVF23 *":
"""itkInPlaceImageFilterIVF23IVF23_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF23IVF23"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF23IVF23_cast(obj)
class itkInPlaceImageFilterIVF32ICVF32(itkImageToImageFilterAPython.itkImageToImageFilterIVF32ICVF32):
"""Proxy of C++ itkInPlaceImageFilterIVF32ICVF32 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF32ICVF32 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF32ICVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF32ICVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF32ICVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF32ICVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF32ICVF32
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF32ICVF32 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF32ICVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF32ICVF32
Create a new object of the class itkInPlaceImageFilterIVF32ICVF32 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF32ICVF32.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF32ICVF32.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF32ICVF32.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF32ICVF32.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_SetInPlace, None, itkInPlaceImageFilterIVF32ICVF32)
itkInPlaceImageFilterIVF32ICVF32.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_GetInPlace, None, itkInPlaceImageFilterIVF32ICVF32)
itkInPlaceImageFilterIVF32ICVF32.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_InPlaceOn, None, itkInPlaceImageFilterIVF32ICVF32)
itkInPlaceImageFilterIVF32ICVF32.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_InPlaceOff, None, itkInPlaceImageFilterIVF32ICVF32)
itkInPlaceImageFilterIVF32ICVF32.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_CanRunInPlace, None, itkInPlaceImageFilterIVF32ICVF32)
itkInPlaceImageFilterIVF32ICVF32_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_swigregister
itkInPlaceImageFilterIVF32ICVF32_swigregister(itkInPlaceImageFilterIVF32ICVF32)
def itkInPlaceImageFilterIVF32ICVF32_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF32ICVF32 *":
"""itkInPlaceImageFilterIVF32ICVF32_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF32ICVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32ICVF32_cast(obj)
class itkInPlaceImageFilterIVF32IVF32(itkImageToImageFilterAPython.itkImageToImageFilterIVF32IVF32):
"""Proxy of C++ itkInPlaceImageFilterIVF32IVF32 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF32IVF32 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF32IVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF32IVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF32IVF32 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF32IVF32 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF32IVF32
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF32IVF32 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF32IVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF32IVF32
Create a new object of the class itkInPlaceImageFilterIVF32IVF32 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF32IVF32.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF32IVF32.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF32IVF32.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF32IVF32.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_SetInPlace, None, itkInPlaceImageFilterIVF32IVF32)
itkInPlaceImageFilterIVF32IVF32.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_GetInPlace, None, itkInPlaceImageFilterIVF32IVF32)
itkInPlaceImageFilterIVF32IVF32.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_InPlaceOn, None, itkInPlaceImageFilterIVF32IVF32)
itkInPlaceImageFilterIVF32IVF32.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_InPlaceOff, None, itkInPlaceImageFilterIVF32IVF32)
itkInPlaceImageFilterIVF32IVF32.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_CanRunInPlace, None, itkInPlaceImageFilterIVF32IVF32)
itkInPlaceImageFilterIVF32IVF32_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_swigregister
itkInPlaceImageFilterIVF32IVF32_swigregister(itkInPlaceImageFilterIVF32IVF32)
def itkInPlaceImageFilterIVF32IVF32_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF32IVF32 *":
"""itkInPlaceImageFilterIVF32IVF32_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF32IVF32"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF32IVF32_cast(obj)
class itkInPlaceImageFilterIVF33ICVF33(itkImageToImageFilterAPython.itkImageToImageFilterIVF33ICVF33):
"""Proxy of C++ itkInPlaceImageFilterIVF33ICVF33 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF33ICVF33 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF33ICVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF33ICVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF33ICVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF33ICVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF33ICVF33
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF33ICVF33 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF33ICVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF33ICVF33
Create a new object of the class itkInPlaceImageFilterIVF33ICVF33 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF33ICVF33.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF33ICVF33.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF33ICVF33.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF33ICVF33.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_SetInPlace, None, itkInPlaceImageFilterIVF33ICVF33)
itkInPlaceImageFilterIVF33ICVF33.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_GetInPlace, None, itkInPlaceImageFilterIVF33ICVF33)
itkInPlaceImageFilterIVF33ICVF33.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_InPlaceOn, None, itkInPlaceImageFilterIVF33ICVF33)
itkInPlaceImageFilterIVF33ICVF33.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_InPlaceOff, None, itkInPlaceImageFilterIVF33ICVF33)
itkInPlaceImageFilterIVF33ICVF33.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_CanRunInPlace, None, itkInPlaceImageFilterIVF33ICVF33)
itkInPlaceImageFilterIVF33ICVF33_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_swigregister
itkInPlaceImageFilterIVF33ICVF33_swigregister(itkInPlaceImageFilterIVF33ICVF33)
def itkInPlaceImageFilterIVF33ICVF33_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF33ICVF33 *":
"""itkInPlaceImageFilterIVF33ICVF33_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF33ICVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33ICVF33_cast(obj)
class itkInPlaceImageFilterIVF33IVF33(itkImageToImageFilterAPython.itkImageToImageFilterIVF33IVF33):
"""Proxy of C++ itkInPlaceImageFilterIVF33IVF33 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF33IVF33 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF33IVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF33IVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF33IVF33 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF33IVF33 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF33IVF33
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF33IVF33 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF33IVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF33IVF33
Create a new object of the class itkInPlaceImageFilterIVF33IVF33 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF33IVF33.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF33IVF33.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF33IVF33.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF33IVF33.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_SetInPlace, None, itkInPlaceImageFilterIVF33IVF33)
itkInPlaceImageFilterIVF33IVF33.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_GetInPlace, None, itkInPlaceImageFilterIVF33IVF33)
itkInPlaceImageFilterIVF33IVF33.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_InPlaceOn, None, itkInPlaceImageFilterIVF33IVF33)
itkInPlaceImageFilterIVF33IVF33.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_InPlaceOff, None, itkInPlaceImageFilterIVF33IVF33)
itkInPlaceImageFilterIVF33IVF33.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_CanRunInPlace, None, itkInPlaceImageFilterIVF33IVF33)
itkInPlaceImageFilterIVF33IVF33_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_swigregister
itkInPlaceImageFilterIVF33IVF33_swigregister(itkInPlaceImageFilterIVF33IVF33)
def itkInPlaceImageFilterIVF33IVF33_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF33IVF33 *":
"""itkInPlaceImageFilterIVF33IVF33_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF33IVF33"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF33IVF33_cast(obj)
class itkInPlaceImageFilterIVF42ICVF42(itkImageToImageFilterAPython.itkImageToImageFilterIVF42ICVF42):
"""Proxy of C++ itkInPlaceImageFilterIVF42ICVF42 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF42ICVF42 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF42ICVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF42ICVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF42ICVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF42ICVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF42ICVF42
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF42ICVF42 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF42ICVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF42ICVF42
Create a new object of the class itkInPlaceImageFilterIVF42ICVF42 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF42ICVF42.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF42ICVF42.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF42ICVF42.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF42ICVF42.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_SetInPlace, None, itkInPlaceImageFilterIVF42ICVF42)
itkInPlaceImageFilterIVF42ICVF42.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_GetInPlace, None, itkInPlaceImageFilterIVF42ICVF42)
itkInPlaceImageFilterIVF42ICVF42.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_InPlaceOn, None, itkInPlaceImageFilterIVF42ICVF42)
itkInPlaceImageFilterIVF42ICVF42.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_InPlaceOff, None, itkInPlaceImageFilterIVF42ICVF42)
itkInPlaceImageFilterIVF42ICVF42.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_CanRunInPlace, None, itkInPlaceImageFilterIVF42ICVF42)
itkInPlaceImageFilterIVF42ICVF42_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_swigregister
itkInPlaceImageFilterIVF42ICVF42_swigregister(itkInPlaceImageFilterIVF42ICVF42)
def itkInPlaceImageFilterIVF42ICVF42_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF42ICVF42 *":
"""itkInPlaceImageFilterIVF42ICVF42_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF42ICVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42ICVF42_cast(obj)
class itkInPlaceImageFilterIVF42IVF42(itkImageToImageFilterAPython.itkImageToImageFilterIVF42IVF42):
"""Proxy of C++ itkInPlaceImageFilterIVF42IVF42 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF42IVF42 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF42IVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF42IVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF42IVF42 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF42IVF42 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF42IVF42
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF42IVF42 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF42IVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF42IVF42
Create a new object of the class itkInPlaceImageFilterIVF42IVF42 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF42IVF42.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF42IVF42.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF42IVF42.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF42IVF42.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_SetInPlace, None, itkInPlaceImageFilterIVF42IVF42)
itkInPlaceImageFilterIVF42IVF42.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_GetInPlace, None, itkInPlaceImageFilterIVF42IVF42)
itkInPlaceImageFilterIVF42IVF42.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_InPlaceOn, None, itkInPlaceImageFilterIVF42IVF42)
itkInPlaceImageFilterIVF42IVF42.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_InPlaceOff, None, itkInPlaceImageFilterIVF42IVF42)
itkInPlaceImageFilterIVF42IVF42.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_CanRunInPlace, None, itkInPlaceImageFilterIVF42IVF42)
itkInPlaceImageFilterIVF42IVF42_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_swigregister
itkInPlaceImageFilterIVF42IVF42_swigregister(itkInPlaceImageFilterIVF42IVF42)
def itkInPlaceImageFilterIVF42IVF42_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF42IVF42 *":
"""itkInPlaceImageFilterIVF42IVF42_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF42IVF42"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF42IVF42_cast(obj)
class itkInPlaceImageFilterIVF43ICVF43(itkImageToImageFilterAPython.itkImageToImageFilterIVF43ICVF43):
"""Proxy of C++ itkInPlaceImageFilterIVF43ICVF43 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF43ICVF43 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF43ICVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF43ICVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF43ICVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF43ICVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF43ICVF43
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF43ICVF43 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF43ICVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF43ICVF43
Create a new object of the class itkInPlaceImageFilterIVF43ICVF43 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF43ICVF43.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF43ICVF43.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF43ICVF43.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF43ICVF43.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_SetInPlace, None, itkInPlaceImageFilterIVF43ICVF43)
itkInPlaceImageFilterIVF43ICVF43.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_GetInPlace, None, itkInPlaceImageFilterIVF43ICVF43)
itkInPlaceImageFilterIVF43ICVF43.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_InPlaceOn, None, itkInPlaceImageFilterIVF43ICVF43)
itkInPlaceImageFilterIVF43ICVF43.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_InPlaceOff, None, itkInPlaceImageFilterIVF43ICVF43)
itkInPlaceImageFilterIVF43ICVF43.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_CanRunInPlace, None, itkInPlaceImageFilterIVF43ICVF43)
itkInPlaceImageFilterIVF43ICVF43_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_swigregister
itkInPlaceImageFilterIVF43ICVF43_swigregister(itkInPlaceImageFilterIVF43ICVF43)
def itkInPlaceImageFilterIVF43ICVF43_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF43ICVF43 *":
"""itkInPlaceImageFilterIVF43ICVF43_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF43ICVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43ICVF43_cast(obj)
class itkInPlaceImageFilterIVF43IVF43(itkImageToImageFilterAPython.itkImageToImageFilterIVF43IVF43):
"""Proxy of C++ itkInPlaceImageFilterIVF43IVF43 class."""
thisown = _swig_property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc='The membership flag')
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def SetInPlace(self, _arg: 'bool const') -> "void":
"""SetInPlace(itkInPlaceImageFilterIVF43IVF43 self, bool const _arg)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_SetInPlace(self, _arg)
def GetInPlace(self) -> "bool":
"""GetInPlace(itkInPlaceImageFilterIVF43IVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_GetInPlace(self)
def InPlaceOn(self) -> "void":
"""InPlaceOn(itkInPlaceImageFilterIVF43IVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_InPlaceOn(self)
def InPlaceOff(self) -> "void":
"""InPlaceOff(itkInPlaceImageFilterIVF43IVF43 self)"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_InPlaceOff(self)
def CanRunInPlace(self) -> "bool":
"""CanRunInPlace(itkInPlaceImageFilterIVF43IVF43 self) -> bool"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_CanRunInPlace(self)
__swig_destroy__ = _itkInPlaceImageFilterAPython.delete_itkInPlaceImageFilterIVF43IVF43
def cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF43IVF43 *":
"""cast(itkLightObject obj) -> itkInPlaceImageFilterIVF43IVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_cast(obj)
cast = staticmethod(cast)
def New(*args, **kargs):
"""New() -> itkInPlaceImageFilterIVF43IVF43
Create a new object of the class itkInPlaceImageFilterIVF43IVF43 and set the input and the parameters if some
named or non-named arguments are passed to that method.
New() tries to assign all the non named parameters to the input of the new objects - the
first non named parameter in the first input, etc.
The named parameters are used by calling the method with the same name prefixed by 'Set'.
Ex:
itkInPlaceImageFilterIVF43IVF43.New( reader, Threshold=10 )
is (most of the time) equivalent to:
obj = itkInPlaceImageFilterIVF43IVF43.New()
obj.SetInput( 0, reader.GetOutput() )
obj.SetThreshold( 10 )
"""
obj = itkInPlaceImageFilterIVF43IVF43.__New_orig__()
import itkTemplate
itkTemplate.New(obj, *args, **kargs)
return obj
New = staticmethod(New)
itkInPlaceImageFilterIVF43IVF43.SetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_SetInPlace, None, itkInPlaceImageFilterIVF43IVF43)
itkInPlaceImageFilterIVF43IVF43.GetInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_GetInPlace, None, itkInPlaceImageFilterIVF43IVF43)
itkInPlaceImageFilterIVF43IVF43.InPlaceOn = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_InPlaceOn, None, itkInPlaceImageFilterIVF43IVF43)
itkInPlaceImageFilterIVF43IVF43.InPlaceOff = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_InPlaceOff, None, itkInPlaceImageFilterIVF43IVF43)
itkInPlaceImageFilterIVF43IVF43.CanRunInPlace = new_instancemethod(_itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_CanRunInPlace, None, itkInPlaceImageFilterIVF43IVF43)
itkInPlaceImageFilterIVF43IVF43_swigregister = _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_swigregister
itkInPlaceImageFilterIVF43IVF43_swigregister(itkInPlaceImageFilterIVF43IVF43)
def itkInPlaceImageFilterIVF43IVF43_cast(obj: 'itkLightObject') -> "itkInPlaceImageFilterIVF43IVF43 *":
"""itkInPlaceImageFilterIVF43IVF43_cast(itkLightObject obj) -> itkInPlaceImageFilterIVF43IVF43"""
return _itkInPlaceImageFilterAPython.itkInPlaceImageFilterIVF43IVF43_cast(obj)
def in_place_image_filter(*args, **kwargs):
"""Procedural interface for InPlaceImageFilter"""
import itk
instance = itk.InPlaceImageFilter.New(*args, **kwargs)
return instance.__internal_call__()
def in_place_image_filter_init_docstring():
import itk
import itkTemplate
if isinstance(itk.InPlaceImageFilter, itkTemplate.itkTemplate):
in_place_image_filter.__doc__ = itk.InPlaceImageFilter.values()[0].__doc__
else:
in_place_image_filter.__doc__ = itk.InPlaceImageFilter.__doc__
| [
"[email protected]"
] | |
15fb6788ed674d7fe2dfd6fcf2b8be443d9b1ea1 | 2b42b40ae2e84b438146003bf231532973f1081d | /spec/mgm4458310.3.spec | 00ad46b77e340a73163f728374ab21471d1a13f0 | [] | no_license | MG-RAST/mtf | 0ea0ebd0c0eb18ec6711e30de7cc336bdae7215a | e2ddb3b145068f22808ef43e2bbbbaeec7abccff | refs/heads/master | 2020-05-20T15:32:04.334532 | 2012-03-05T09:51:49 | 2012-03-05T09:51:49 | 3,625,755 | 0 | 1 | null | null | null | null | UTF-8 | Python | false | false | 14,691 | spec | {
"id": "mgm4458310.3",
"metadata": {
"mgm4458310.3.metadata.json": {
"format": "json",
"provider": "metagenomics.anl.gov"
}
},
"providers": {
"metagenomics.anl.gov": {
"files": {
"100.preprocess.info": {
"compression": null,
"description": null,
"size": 736,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/100.preprocess.info"
},
"100.preprocess.passed.fna.gz": {
"compression": "gzip",
"description": null,
"size": 686377,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/100.preprocess.passed.fna.gz"
},
"100.preprocess.passed.fna.stats": {
"compression": null,
"description": null,
"size": 310,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/100.preprocess.passed.fna.stats"
},
"100.preprocess.removed.fna.gz": {
"compression": "gzip",
"description": null,
"size": 43356,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/100.preprocess.removed.fna.gz"
},
"100.preprocess.removed.fna.stats": {
"compression": null,
"description": null,
"size": 308,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/100.preprocess.removed.fna.stats"
},
"205.screen.h_sapiens_asm.info": {
"compression": null,
"description": null,
"size": 480,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/205.screen.h_sapiens_asm.info"
},
"205.screen.h_sapiens_asm.removed.fna.gz": {
"compression": "gzip",
"description": null,
"size": 150,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/205.screen.h_sapiens_asm.removed.fna.gz"
},
"299.screen.info": {
"compression": null,
"description": null,
"size": 410,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/299.screen.info"
},
"299.screen.passed.fna.gcs": {
"compression": null,
"description": null,
"size": 2214,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/299.screen.passed.fna.gcs"
},
"299.screen.passed.fna.gz": {
"compression": "gzip",
"description": null,
"size": 447546,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/299.screen.passed.fna.gz"
},
"299.screen.passed.fna.lens": {
"compression": null,
"description": null,
"size": 551,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/299.screen.passed.fna.lens"
},
"299.screen.passed.fna.stats": {
"compression": null,
"description": null,
"size": 310,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/299.screen.passed.fna.stats"
},
"440.cluster.rna97.fna.gz": {
"compression": "gzip",
"description": null,
"size": 36841,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/440.cluster.rna97.fna.gz"
},
"440.cluster.rna97.fna.stats": {
"compression": null,
"description": null,
"size": 308,
"type": "fasta",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/440.cluster.rna97.fna.stats"
},
"440.cluster.rna97.info": {
"compression": null,
"description": null,
"size": 947,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/440.cluster.rna97.info"
},
"440.cluster.rna97.mapping": {
"compression": null,
"description": null,
"size": 858833,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/440.cluster.rna97.mapping"
},
"440.cluster.rna97.mapping.stats": {
"compression": null,
"description": null,
"size": 49,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/440.cluster.rna97.mapping.stats"
},
"450.rna.expand.lca.gz": {
"compression": "gzip",
"description": null,
"size": 331978,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/450.rna.expand.lca.gz"
},
"450.rna.expand.rna.gz": {
"compression": "gzip",
"description": null,
"size": 84629,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/450.rna.expand.rna.gz"
},
"450.rna.sims.filter.gz": {
"compression": "gzip",
"description": null,
"size": 53560,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/450.rna.sims.filter.gz"
},
"450.rna.sims.gz": {
"compression": "gzip",
"description": null,
"size": 590243,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/450.rna.sims.gz"
},
"900.abundance.function.gz": {
"compression": "gzip",
"description": null,
"size": 26590,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.abundance.function.gz"
},
"900.abundance.lca.gz": {
"compression": "gzip",
"description": null,
"size": 15535,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.abundance.lca.gz"
},
"900.abundance.md5.gz": {
"compression": "gzip",
"description": null,
"size": 34969,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.abundance.md5.gz"
},
"900.abundance.ontology.gz": {
"compression": "gzip",
"description": null,
"size": 43,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.abundance.ontology.gz"
},
"900.abundance.organism.gz": {
"compression": "gzip",
"description": null,
"size": 51856,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.abundance.organism.gz"
},
"900.loadDB.sims.filter.seq": {
"compression": null,
"description": null,
"size": 9101571,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.loadDB.sims.filter.seq"
},
"900.loadDB.source.stats": {
"compression": null,
"description": null,
"size": 127,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/900.loadDB.source.stats"
},
"999.done.COG.stats": {
"compression": null,
"description": null,
"size": 1,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.COG.stats"
},
"999.done.KO.stats": {
"compression": null,
"description": null,
"size": 1,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.KO.stats"
},
"999.done.NOG.stats": {
"compression": null,
"description": null,
"size": 1,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.NOG.stats"
},
"999.done.Subsystems.stats": {
"compression": null,
"description": null,
"size": 1,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.Subsystems.stats"
},
"999.done.class.stats": {
"compression": null,
"description": null,
"size": 1127,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.class.stats"
},
"999.done.domain.stats": {
"compression": null,
"description": null,
"size": 31,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.domain.stats"
},
"999.done.family.stats": {
"compression": null,
"description": null,
"size": 3860,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.family.stats"
},
"999.done.genus.stats": {
"compression": null,
"description": null,
"size": 5340,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.genus.stats"
},
"999.done.order.stats": {
"compression": null,
"description": null,
"size": 2022,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.order.stats"
},
"999.done.phylum.stats": {
"compression": null,
"description": null,
"size": 463,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.phylum.stats"
},
"999.done.rarefaction.stats": {
"compression": null,
"description": null,
"size": 22752,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.rarefaction.stats"
},
"999.done.sims.stats": {
"compression": null,
"description": null,
"size": 80,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.sims.stats"
},
"999.done.species.stats": {
"compression": null,
"description": null,
"size": 17435,
"type": "txt",
"url": "http://api.metagenomics.anl.gov/analysis/data/id/mgm4458310.3/file/999.done.species.stats"
}
},
"id": "mgm4458310.3",
"provider": "metagenomics.anl.gov",
"providerId": "mgm4458310.3"
}
},
"raw": {
"mgm4458310.3.fna.gz": {
"compression": "gzip",
"format": "fasta",
"provider": "metagenomics.anl.gov",
"url": "http://api.metagenomics.anl.gov/reads/mgm4458310.3"
}
}
} | [
"[email protected]"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.