本文整理汇总了Python中numpy.set_printoptions方法的典型用法代码示例。如果您正苦于以下问题:Python numpy.set_printoptions方法的具体用法?Python numpy.set_printoptions怎么用?Python numpy.set_printoptions使用的例子?那么, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类numpy
的用法示例。
在下文中一共展示了numpy.set_printoptions方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: assert_almost_equal
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def assert_almost_equal(a, b, rtol=None, atol=None, names=('a', 'b'), equal_nan=False):
"""Test that two numpy arrays are almost equal. Raise exception message if not.
Parameters
----------
a : np.ndarray
b : np.ndarray
threshold : None or float
The checking threshold. Default threshold will be used if set to ``None``.
"""
rtol = get_rtol(rtol)
atol = get_atol(atol)
if almost_equal(a, b, rtol, atol, equal_nan=equal_nan):
return
index, rel = find_max_violation(a, b, rtol, atol)
np.set_printoptions(threshold=4, suppress=True)
msg = npt.build_err_msg([a, b],
err_msg="Error %f exceeds tolerance rtol=%f, atol=%f. "
" Location of maximum error:%s, a=%f, b=%f"
% (rel, rtol, atol, str(index), a[index], b[index]),
names=names)
raise AssertionError(msg)
示例2: get_hash
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def get_hash(self):
"""
Returns the hash of the molecule.
"""
m = hashlib.sha1()
concat = ""
np.set_printoptions(precision=16)
for field in self.hash_fields:
data = getattr(self, field)
if field == "geometry":
data = float_prep(data, GEOMETRY_NOISE)
elif field == "fragment_charges":
data = float_prep(data, CHARGE_NOISE)
elif field == "molecular_charge":
data = float_prep(data, CHARGE_NOISE)
elif field == "masses":
data = float_prep(data, MASS_NOISE)
concat += json.dumps(data, default=lambda x: x.ravel().tolist())
m.update(concat.encode("utf-8"))
return m.hexdigest()
示例3: run_simnibs
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def run_simnibs(simnibs_struct, cpus=1):
"""Runs a simnnibs problem.
Parameters:
--------------
simnibs_struct: sim_struct.mat.SESSION of str
SESSION of name of '.mat' file defining the simulation
cpus: int
Number of processes to run in parallel (if avaliable)
"""
np.set_printoptions(precision=4)
if isinstance(simnibs_struct, str):
p = read_mat(simnibs_struct)
else:
p = simnibs_struct
out = p.run(cpus=cpus)
logging.shutdown()
return out
示例4: pytest_configure
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def pytest_configure(config):
if ASTROPY_HEADER:
config.option.astropy_header = True
PYTEST_HEADER_MODULES.pop('h5py', None)
PYTEST_HEADER_MODULES.pop('Pandas', None)
PYTEST_HEADER_MODULES['Astropy'] = 'astropy'
PYTEST_HEADER_MODULES['healpy'] = 'healpy'
from . import __version__
packagename = os.path.basename(os.path.dirname(__file__))
TESTED_VERSIONS[packagename] = __version__
# Set the Numpy print style to a fixed version to make doctest outputs
# reproducible.
try:
np.set_printoptions(legacy='1.13')
except TypeError:
# On older versions of Numpy, the unrecognized 'legacy' option will
# raise a TypeError.
pass
示例5: test_str_repr_legacy
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def test_str_repr_legacy(self):
oldopts = np.get_printoptions()
np.set_printoptions(legacy='1.13')
try:
a = array([0, 1, 2], mask=[False, True, False])
assert_equal(str(a), '[0 -- 2]')
assert_equal(repr(a), 'masked_array(data = [0 -- 2],\n'
' mask = [False True False],\n'
' fill_value = 999999)\n')
a = np.ma.arange(2000)
a[1:50] = np.ma.masked
assert_equal(
repr(a),
'masked_array(data = [0 -- -- ..., 1997 1998 1999],\n'
' mask = [False True True ..., False False False],\n'
' fill_value = 999999)\n'
)
finally:
np.set_printoptions(**oldopts)
示例6: test_formatter_reset
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def test_formatter_reset(self):
x = np.arange(3)
np.set_printoptions(formatter={'all':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'int':None})
assert_equal(repr(x), "array([0, 1, 2])")
np.set_printoptions(formatter={'all':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'all':None})
assert_equal(repr(x), "array([0, 1, 2])")
np.set_printoptions(formatter={'int':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'int_kind':None})
assert_equal(repr(x), "array([0, 1, 2])")
x = np.arange(3.)
np.set_printoptions(formatter={'float':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1.0, 0.0, 1.0])")
np.set_printoptions(formatter={'float_kind':None})
assert_equal(repr(x), "array([0., 1., 2.])")
示例7: test_float_spacing
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def test_float_spacing(self):
x = np.array([1., 2., 3.])
y = np.array([1., 2., -10.])
z = np.array([100., 2., -1.])
w = np.array([-100., 2., 1.])
assert_equal(repr(x), 'array([1., 2., 3.])')
assert_equal(repr(y), 'array([ 1., 2., -10.])')
assert_equal(repr(np.array(y[0])), 'array(1.)')
assert_equal(repr(np.array(y[-1])), 'array(-10.)')
assert_equal(repr(z), 'array([100., 2., -1.])')
assert_equal(repr(w), 'array([-100., 2., 1.])')
assert_equal(repr(np.array([np.nan, np.inf])), 'array([nan, inf])')
assert_equal(repr(np.array([np.nan, -np.inf])), 'array([ nan, -inf])')
x = np.array([np.inf, 100000, 1.1234])
y = np.array([np.inf, 100000, -1.1234])
z = np.array([np.inf, 1.1234, -1e120])
np.set_printoptions(precision=2)
assert_equal(repr(x), 'array([ inf, 1.00e+05, 1.12e+00])')
assert_equal(repr(y), 'array([ inf, 1.00e+05, -1.12e+00])')
assert_equal(repr(z), 'array([ inf, 1.12e+000, -1.00e+120])')
示例8: test_linewidth_str
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def test_linewidth_str(self):
a = np.full(18, fill_value=2)
np.set_printoptions(linewidth=18)
assert_equal(
str(a),
textwrap.dedent("""\
[2 2 2 2 2 2 2 2
2 2 2 2 2 2 2 2
2 2]""")
)
np.set_printoptions(linewidth=18, legacy='1.13')
assert_equal(
str(a),
textwrap.dedent("""\
[2 2 2 2 2 2 2 2 2
2 2 2 2 2 2 2 2 2]""")
)
示例9: __init__
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def __init__(self):
# NEST options
np.set_printoptions(precision=1)
nest.set_verbosity('M_WARNING')
nest.ResetKernel()
nest.SetKernelStatus({"local_num_threads" : 1, "resolution" : p.time_resolution})
# Create Poisson neurons
self.spike_generators = nest.Create("poisson_generator", p.resolution[0]*p.resolution[1], params=p.poisson_params)
self.neuron_pre = nest.Create("parrot_neuron", p.resolution[0]*p.resolution[1])
# Create motor IAF neurons
self.neuron_post = nest.Create("iaf_psc_alpha", 2, params=p.iaf_params)
# Create Output spike detector
self.spike_detector = nest.Create("spike_detector", 2, params={"withtime": True})
# Create R-STDP synapses
self.syn_dict = {"model": "stdp_dopamine_synapse",
"weight": {"distribution": "uniform", "low": p.w0_min, "high": p.w0_max}}
self.vt = nest.Create("volume_transmitter")
nest.SetDefaults("stdp_dopamine_synapse", {"vt": self.vt[0], "tau_c": p.tau_c, "tau_n": p.tau_n, "Wmin": p.w_min, "Wmax": p.w_max, "A_plus": p.A_plus, "A_minus": p.A_minus})
nest.Connect(self.spike_generators, self.neuron_pre, "one_to_one")
nest.Connect(self.neuron_pre, self.neuron_post, "all_to_all", syn_spec=self.syn_dict)
nest.Connect(self.neuron_post, self.spike_detector, "one_to_one")
# Create connection handles for left and right motor neuron
self.conn_l = nest.GetConnections(target=[self.neuron_post[0]])
self.conn_r = nest.GetConnections(target=[self.neuron_post[1]])
开发者ID:clamesc,项目名称:Training-Neural-Networks-for-Event-Based-End-to-End-Robot-Control,代码行数:26,代码来源:network.py
示例10: test_formatter_reset
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def test_formatter_reset(self):
x = np.arange(3)
np.set_printoptions(formatter={'all':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'int':None})
assert_equal(repr(x), "array([0, 1, 2])")
np.set_printoptions(formatter={'all':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'all':None})
assert_equal(repr(x), "array([0, 1, 2])")
np.set_printoptions(formatter={'int':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1, 0, 1])")
np.set_printoptions(formatter={'int_kind':None})
assert_equal(repr(x), "array([0, 1, 2])")
x = np.arange(3.)
np.set_printoptions(formatter={'float':lambda x: str(x-1)})
assert_equal(repr(x), "array([-1.0, 0.0, 1.0])")
np.set_printoptions(formatter={'float_kind':None})
assert_equal(repr(x), "array([ 0., 1., 2.])")
示例11: shear_test
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def shear_test():
model=FEModel()
n1=Node(0,0,0)
n2=Node(0,0,5)
n3=Node(5,0,5)
n4=Node(10,0,5)
n5=Node(10,0,0)
a1=Membrane3(n1,n2,n3,0.25,2e11,0.3,7849)
a2=Membrane3(n3,n4,n5,0.25,2e11,0.3,7849)
a3=Membrane3(n1,n3,n5,0.25,2e11,0.3,7849)
model.add_node(n1)
model.add_node(n2)
model.add_node(n3)
model.add_node(n4)
model.add_node(n5)
model.add_membrane3(a1)
model.add_membrane3(a2)
model.add_membrane3(a3)
n3.fn=(0,0,-100000,0,0,0)
n1.dn=n2.dn=n4.dn=n5.dn=[0,0,0,0,0,0]
model.assemble_KM()
model.assemble_f()
model.assemble_boundary()
res=solve_linear(model)
np.set_printoptions(precision=6,suppress=True)
print(res)
print(r"correct answer should be about ???")
示例12: pseudo_cantilever_test
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def pseudo_cantilever_test(l=25,h=5):
"""
This is a cantilever beam with 50x10
l,h: division on l and h direction
"""
model=FEModel()
nodes=[]
for i in range(h+1):
for j in range(l+1):
nodes.append(Node(j*50/l,0,i*10/h))
model.add_node(nodes[-1])
for i in range(h):
for j in range(l):
area1=Membrane3(nodes[i*(l+1)+j],
nodes[i*(l+1)+j+1],
nodes[(i+1)*(l+1)+j+1],
0.25,2e11,0.3,7849)
area2=Membrane3(nodes[i*(l+1)+j],
nodes[(i+1)*(l+1)+j+1],
nodes[(i+1)*(l+1)+j],
0.25,2e11,0.3,7849)
if j==0:
nodes[i*(l+1)+j].dn=[0]*6
nodes[(i+1)*(l+1)+j].dn=[0]*6
model.add_membrane3(area1)
model.add_membrane3(area2)
nodes[(l+1)*(h+1)-1].fn=(0,0,-100000,0,0,0)
model.assemble_KM()
model.assemble_f()
model.assemble_boundary()
res=solve_linear(model)
np.set_printoptions(precision=6,suppress=True)
print(res[(l+1)*(h+1)*6-6:])
print(r"correct answer should be ???")
示例13: shear_test4
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def shear_test4():
model=FEModel()
n1=Node(0,0,0)
n2=Node(0,0,5)
n3=Node(5,0,5)
n4=Node(10,0,5)
n5=Node(10,0,0)
n6=Node(5,0,0)
a1=Membrane4(n1,n2,n3,n6,0.25,2e11,0.3,7849)
a2=Membrane4(n3,n4,n5,n6,0.25,2e11,0.3,7849)
model.add_node(n1)
model.add_node(n2)
model.add_node(n3)
model.add_node(n4)
model.add_node(n5)
model.add_node(n6)
model.add_membrane4(a1)
model.add_membrane4(a2)
n3.fn=(0,0,-100000,0,0,0)
n1.dn=n2.dn=n4.dn=n5.dn=[0]*6
n3.dn=n6.dn=[0,0,None,0,0,0]
model.assemble_KM()
model.assemble_f()
model.assemble_boundary()
res=solve_linear(model)
np.set_printoptions(precision=6,suppress=True)
print(res)
print(r"correct answer should be ???")
示例14: pseudo_cantilever_test4
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def pseudo_cantilever_test4(l=25,h=5):
"""
This is a cantilever beam with 50x10
l,h: division on l and h direction
"""
model=FEModel()
nodes=[]
model=FEModel()
nodes=[]
for i in range(h+1):
for j in range(l+1):
nodes.append(Node(j*50/l,0,i*10/h))
model.add_node(nodes[-1])
for i in range(h):
for j in range(l):
area=Membrane4(nodes[i*(l+1)+j],
nodes[i*(l+1)+j+1],
nodes[(i+1)*(l+1)+j+1],
nodes[(i+1)*(l+1)+j+1],
0.25,2e11,0.3,7849)
if j==0:
nodes[i*(l+1)+j].dn=[0]*6
nodes[(i+1)*(l+1)+j].dn=[0]*6
model.add_membrane4(area)
nodes[(l+1)*(h+1)-1].fn=(0,0,-100000,0,0,0)
model.assemble_KM()
model.assemble_f()
model.assemble_boundary()
res=solve_linear(model)
np.set_printoptions(precision=6,suppress=True)
print(res[(l+1)*(h+1)*6-6:])
print(r"correct answer should be ???")
示例15: position_camera
# 需要导入模块: import numpy [as 别名]
# 或者: from numpy import set_printoptions [as 别名]
def position_camera(self, camera_xyz, lookat_xyz, up):
camera_xyz = np.array(camera_xyz)
lookat_xyz = np.array(lookat_xyz)
up = np.array(up)
lookat_to = lookat_xyz - camera_xyz
lookat_from = np.array([0, 1., 0.])
up_from = np.array([0, 0., 1.])
up_to = up * 1.
# np.set_printoptions(precision=2, suppress=True)
# print up_from, lookat_from, up_to, lookat_to
r = ru.rotate_camera_to_point_at(up_from, lookat_from, up_to, lookat_to)
R = np.eye(4, dtype=np.float32)
R[:3,:3] = r
t = np.eye(4, dtype=np.float32)
t[:3,3] = -camera_xyz
view_matrix = np.dot(R.T, t)
flip_yz = np.eye(4, dtype=np.float32)
flip_yz[1,1] = 0; flip_yz[2,2] = 0; flip_yz[1,2] = 1; flip_yz[2,1] = -1;
view_matrix = np.dot(flip_yz, view_matrix)
view_matrix = view_matrix.T
# print np.concatenate((R, t, view_matrix), axis=1)
view_matrix = np.reshape(view_matrix, (-1))
view_matrix_o = glGetUniformLocation(self.egl_program, 'uViewMatrix')
glUniformMatrix4fv(view_matrix_o, 1, GL_FALSE, view_matrix)
return None, None #camera_xyz, q