Python numpy.__version__() Examples
The following are 30
code examples of numpy.__version__().
You can vote up the ones you like or vote down the ones you don't like,
and go to the original project or source file by following the links above each example.
You may also want to check out all available functions/classes of the module
numpy
, or try the search function
.
Example #1
Source File: astra2ocelot.py From ocelot with GNU General Public License v3.0 | 6 votes |
def exact_xp_2_xxstg_mad(xp, gamref): # to mad format N = xp.shape[0] xxstg = np.zeros((N, 6)) pref = m_e_eV * np.sqrt(gamref ** 2 - 1) u = np.c_[xp[:, 3], xp[:, 4], xp[:, 5] + pref] gamma = np.sqrt(1 + np.sum(u * u, 1) / m_e_eV ** 2) beta = np.sqrt(1 - gamma ** -2) betaref = np.sqrt(1 - gamref ** -2) if np.__version__ > "1.8": p0 = np.linalg.norm(u, 2, 1).reshape((N, 1)) else: p0 = np.sqrt(u[:, 0] ** 2 + u[:, 1] ** 2 + u[:, 2] ** 2).reshape((N, 1)) u = u / p0 cdt = -xp[:, 2] / (beta * u[:, 2]) xxstg[:, 0] = xp[:, 0] + beta * u[:, 0] * cdt xxstg[:, 2] = xp[:, 1] + beta * u[:, 1] * cdt xxstg[:, 4] = cdt xxstg[:, 1] = xp[:, 3] / pref xxstg[:, 3] = xp[:, 4] / pref xxstg[:, 5] = (gamma / gamref - 1) / betaref return xxstg
Example #2
Source File: nosetester.py From recruit with Apache License 2.0 | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) relaxed_strides = numpy.ones((10, 1), order="C").flags.f_contiguous print("NumPy relaxed strides checking option:", relaxed_strides) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #3
Source File: setup.py From pulse2percept with BSD 3-Clause "New" or "Revised" License | 6 votes |
def get_numpy_status(): """ Returns a dictionary containing a boolean specifying whether NumPy is up-to-date, along with the version string (empty string if not installed). """ numpy_status = {} try: import numpy numpy_version = numpy.__version__ numpy_status['up_to_date'] = parse_version( numpy_version) >= parse_version(NUMPY_MIN_VERSION) numpy_status['version'] = numpy_version except ImportError: traceback.print_exc() numpy_status['up_to_date'] = False numpy_status['version'] = "" return numpy_status
Example #4
Source File: setup.py From pulse2percept with BSD 3-Clause "New" or "Revised" License | 6 votes |
def get_cython_status(): """ Returns a dictionary containing a boolean specifying whether Cython is up-to-date, along with the version string (empty string if not installed). """ cython_status = {} try: import Cython from Cython.Build import cythonize cython_version = Cython.__version__ cython_status['up_to_date'] = parse_version( cython_version) >= parse_version(CYTHON_MIN_VERSION) cython_status['version'] = cython_version except ImportError: traceback.print_exc() cython_status['up_to_date'] = False cython_status['version'] = "" return cython_status
Example #5
Source File: __init__.py From gym-pull with MIT License | 6 votes |
def sanity_check_dependencies(): import numpy import requests import six if distutils.version.LooseVersion(numpy.__version__) < distutils.version.LooseVersion('1.10.4'): logger.warn("You have 'numpy' version %s installed, but 'gym' requires at least 1.10.4. HINT: upgrade via 'pip install -U numpy'.", numpy.__version__) if distutils.version.LooseVersion(requests.__version__) < distutils.version.LooseVersion('2.0'): logger.warn("You have 'requests' version %s installed, but 'gym' requires at least 2.0. HINT: upgrade via 'pip install -U requests'.", requests.__version__) # We automatically configure a logger with a simple stderr handler. If # you'd rather customize logging yourself, run undo_logger_setup. # # (Note: this needs to happen before importing the rest of gym, since # we may print a warning at load time.)
Example #6
Source File: multiprocess_vector_env.py From chainerrl with MIT License | 6 votes |
def __init__(self, env_fns): if np.__version__ == '1.16.0': warnings.warn(""" NumPy 1.16.0 can cause severe memory leak in chainerrl.envs.MultiprocessVectorEnv. We recommend using other versions of NumPy. See https://github.com/numpy/numpy/issues/12793 for details. """) # NOQA nenvs = len(env_fns) self.remotes, self.work_remotes = zip(*[Pipe() for _ in range(nenvs)]) self.ps = \ [Process(target=worker, args=(work_remote, env_fn)) for (work_remote, env_fn) in zip(self.work_remotes, env_fns)] for p in self.ps: p.start() self.last_obs = [None] * self.num_envs self.remotes[0].send(('get_spaces', None)) self.action_space, self.observation_space = self.remotes[0].recv() self.closed = False
Example #7
Source File: compare.py From matplotlib-4-abaqus with MIT License | 6 votes |
def calculate_rms(expectedImage, actualImage): # calculate the per-pixel errors, then compute the root mean square error num_values = np.prod(expectedImage.shape) abs_diff_image = abs(expectedImage - actualImage) # On Numpy 1.6, we can use bincount with minlength, which is much faster than # using histogram expected_version = version.LooseVersion("1.6") found_version = version.LooseVersion(np.__version__) if found_version >= expected_version: histogram = np.bincount(abs_diff_image.ravel(), minlength=256) else: histogram = np.histogram(abs_diff_image, bins=np.arange(257))[0] sum_of_squares = np.sum(histogram * np.arange(len(histogram))**2) rms = np.sqrt(float(sum_of_squares) / num_values) return rms
Example #8
Source File: pkg_info.py From me-ica with GNU Lesser General Public License v2.1 | 6 votes |
def get_pkg_info(pkg_path): ''' Return dict describing the context of this package Parameters ---------- pkg_path : str path containing __init__.py for package Returns ------- context : dict with named parameters of interest ''' src, hsh = pkg_commit_hash(pkg_path) import numpy return dict( pkg_path=pkg_path, commit_source=src, commit_hash=hsh, sys_version=sys.version, sys_executable=sys.executable, sys_platform=sys.platform, np_version=numpy.__version__)
Example #9
Source File: experiment.py From c2s with MIT License | 6 votes |
def status(self, status, **kwargs): if self.server: try: conn = HTTPConnection(self.server, self.port) conn.request('GET', '/version/') resp = conn.getresponse() if not resp.read().startswith('Experiment'): raise RuntimeError() HTTPConnection(self.server, self.port).request('POST', '', str(dict({ 'id': self.id, 'version': __version__, 'status': status, 'hostname': self.hostname, 'cwd': self.cwd, 'script_path': self.script_path, 'script': self.script, 'comment': self.comment, 'time': self.time, }, **kwargs))) except: warn('Unable to connect to \'{0}:{1}\'.'.format(self.server, self.port))
Example #10
Source File: experiment.py From c2s with MIT License | 6 votes |
def find_class(self, module, name): """ Helps Unpickler to find certain Numpy modules. """ try: numpy_version = StrictVersion(numpy.__version__) if numpy_version >= StrictVersion('1.5.0'): if module == 'numpy.core.defmatrix': module = 'numpy.matrixlib.defmatrix' except ValueError: pass return Unpickler.find_class(self, module, name)
Example #11
Source File: nosetester.py From Mastering-Elasticsearch-7.0 with MIT License | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) relaxed_strides = numpy.ones((10, 1), order="C").flags.f_contiguous print("NumPy relaxed strides checking option:", relaxed_strides) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #12
Source File: test_base.py From Computable with MIT License | 6 votes |
def _can_cast_samekind(dtype1, dtype2): """Compatibility function for numpy 1.5.1; `casting` kw is numpy >=1.6.x default for casting kw is 'safe', which gives the same result as in 1.5.x and a strict subset of 'same_kind'. So for 1.5.x we just skip the cases where 'safe' is False and 'same_kind' True. """ if np.__version__[:3] == '1.5': return np.can_cast(dtype1, dtype2) else: return np.can_cast(dtype1, dtype2, casting='same_kind') #------------------------------------------------------------------------------ # Generic tests #------------------------------------------------------------------------------ # TODO check that spmatrix( ... , copy=X ) is respected # TODO test prune # TODO test has_sorted_indices
Example #13
Source File: nosetester.py From lambda-packs with MIT License | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) relaxed_strides = numpy.ones((10, 1), order="C").flags.f_contiguous print("NumPy relaxed strides checking option:", relaxed_strides) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #14
Source File: misc.py From pyscf with Apache License 2.0 | 6 votes |
def load_library(libname): # numpy 1.6 has bug in ctypeslib.load_library, see numpy/distutils/misc_util.py if '1.6' in numpy.__version__: if (sys.platform.startswith('linux') or sys.platform.startswith('gnukfreebsd')): so_ext = '.so' elif sys.platform.startswith('darwin'): so_ext = '.dylib' elif sys.platform.startswith('win'): so_ext = '.dll' else: raise OSError('Unknown platform') libname_so = libname + so_ext return ctypes.CDLL(os.path.join(os.path.dirname(__file__), libname_so)) else: _loaderpath = os.path.dirname(__file__) return numpy.ctypeslib.load_library(libname, _loaderpath) #Fixme, the standard resouce module gives wrong number when objects are released #see http://fa.bianp.net/blog/2013/different-ways-to-get-memory-consumption-or-lessons-learned-from-memory_profiler/#fn:1 #or use slow functions as memory_profiler._get_memory did
Example #15
Source File: astra2ocelot.py From ocelot with GNU General Public License v3.0 | 6 votes |
def exact_xxstg_2_xp_mad(xxstg, gamref): # from mad format N = int(xxstg.size / 6) xp = np.zeros((N, 6)) pref = m_e_eV * np.sqrt(gamref ** 2 - 1) betaref = np.sqrt(1 - gamref ** -2) gamma = (betaref * xxstg[5] + 1) * gamref beta = np.sqrt(1 - gamma ** -2) pz2pref = np.sqrt(((gamma * beta) / (gamref * betaref)) ** 2 - xxstg[1] ** 2 - xxstg[3] ** 2) u = np.c_[xxstg[1] / pz2pref, xxstg[3] / pz2pref, np.ones(N)] if np.__version__ > "1.8": norm = np.linalg.norm(u, 2, 1).reshape((N, 1)) else: norm = np.sqrt(u[:, 0] ** 2 + u[:, 1] ** 2 + u[:, 2] ** 2).reshape((N, 1)) u = u / norm xp[:, 0] = xxstg[0] - u[:, 0] * beta * xxstg[4] xp[:, 1] = xxstg[2] - u[:, 1] * beta * xxstg[4] xp[:, 2] = -u[:, 2] * beta * xxstg[4] xp[:, 3] = u[:, 0] * gamma * beta * m_e_eV xp[:, 4] = u[:, 1] * gamma * beta * m_e_eV xp[:, 5] = u[:, 2] * gamma * beta * m_e_eV - pref return xp
Example #16
Source File: astra2ocelot.py From ocelot with GNU General Public License v3.0 | 6 votes |
def exact_xp_2_xxstg_dp(xp, gamref): # dp/p0 N = xp.shape[0] xxstg = np.zeros((N, 6)) pref = m_e_eV * np.sqrt(gamref ** 2 - 1) u = np.c_[xp[:, 3], xp[:, 4], xp[:, 5] + pref] gamma = np.sqrt(1 + np.sum(u * u, 1) / m_e_eV ** 2) beta = np.sqrt(1 - gamma ** -2) if np.__version__ > "1.8": p0 = np.linalg.norm(u, 2, 1).reshape((N, 1)) else: p0 = np.sqrt(u[:, 0] ** 2 + u[:, 1] ** 2 + u[:, 2] ** 2).reshape((N, 1)) u = u / p0 cdt = -xp[:, 2] / (beta * u[:, 2]) xxstg[:, 0] = xp[:, 0] + beta * u[:, 0] * cdt xxstg[:, 2] = xp[:, 1] + beta * u[:, 1] * cdt xxstg[:, 4] = cdt xxstg[:, 1] = u[:, 0] / u[:, 2] xxstg[:, 3] = u[:, 1] / u[:, 2] xxstg[:, 5] = p0.reshape(N) / pref - 1 return xxstg
Example #17
Source File: astra2ocelot.py From ocelot with GNU General Public License v3.0 | 6 votes |
def exact_xxstg_2_xp_dp(xxstg, gamref): # dp/p0 N = len(xxstg) / 6 xp = np.zeros((N, 6)) pref = m_e_eV * np.sqrt(gamref ** 2 - 1) p = pref * (1 + xxstg[5::6]) gamma = np.sqrt((p / m_e_eV) ** 2 + 1) beta = np.sqrt(1 - gamma ** -2) u = np.c_[xxstg[1::6], xxstg[3::6], np.ones(N)] if np.__version__ > "1.8": norm = np.linalg.norm(u, 2, 1).reshape((N, 1)) else: norm = np.sqrt(u[:, 0] ** 2 + u[:, 1] ** 2 + u[:, 2] ** 2).reshape((N, 1)) u = u / norm xp[:, 0] = xxstg[0::6] - u[:, 0] * beta * xxstg[4::6] xp[:, 1] = xxstg[2::6] - u[:, 1] * beta * xxstg[4::6] xp[:, 2] = -u[:, 2] * beta * xxstg[4::6] xp[:, 3] = u[:, 0] * gamma * beta * m_e_eV xp[:, 4] = u[:, 1] * gamma * beta * m_e_eV xp[:, 5] = u[:, 2] * gamma * beta * m_e_eV - pref return xp
Example #18
Source File: astra2ocelot.py From ocelot with GNU General Public License v3.0 | 6 votes |
def exact_xp_2_xxstg_de(xp, gamref): # dE/E0 N = xp.shape[0] xxstg = np.zeros((N, 6)) pref = m_e_eV * np.sqrt(gamref ** 2 - 1) u = np.c_[xp[:, 3], xp[:, 4], xp[:, 5] + pref] gamma = np.sqrt(1 + np.sum(u * u, 1) / m_e_eV ** 2) beta = np.sqrt(1 - gamma ** -2) if np.__version__ > "1.8": p0 = np.linalg.norm(u, 2, 1).reshape((N, 1)) else: p0 = np.sqrt(u[:, 0] ** 2 + u[:, 1] ** 2 + u[:, 2] ** 2).reshape((N, 1)) u = u / p0 cdt = -xp[:, 2] / (beta * u[:, 2]) xxstg[:, 0] = xp[:, 0] + beta * u[:, 0] * cdt xxstg[:, 2] = xp[:, 1] + beta * u[:, 1] * cdt xxstg[:, 4] = cdt xxstg[:, 1] = u[:, 0] / u[:, 2] xxstg[:, 3] = u[:, 1] / u[:, 2] xxstg[:, 5] = gamma / gamref - 1 return xxstg
Example #19
Source File: nosetester.py From vnpy_crypto with MIT License | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) relaxed_strides = numpy.ones((10, 1), order="C").flags.f_contiguous print("NumPy relaxed strides checking option:", relaxed_strides) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #20
Source File: test_inference.py From vnpy_crypto with MIT License | 6 votes |
def test_nan_to_nat_conversions(): df = DataFrame(dict({ 'A': np.asarray( lrange(10), dtype='float64'), 'B': Timestamp('20010101') })) df.iloc[3:6, :] = np.nan result = df.loc[4, 'B'].value assert (result == tslib.iNaT) s = df['B'].copy() s._data = s._data.setitem(indexer=tuple([slice(8, 9)]), value=np.nan) assert (isna(s[8])) # numpy < 1.7.0 is wrong from distutils.version import LooseVersion if LooseVersion(np.__version__) >= LooseVersion('1.7.0'): assert (s[8].value == np.datetime64('NaT').astype(np.int64))
Example #21
Source File: nosetester.py From auto-alt-text-lambda-api with MIT License | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) relaxed_strides = numpy.ones((10, 1), order="C").flags.f_contiguous print("NumPy relaxed strides checking option:", relaxed_strides) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #22
Source File: nosetester.py From Computable with MIT License | 6 votes |
def _show_system_info(self): nose = import_nose() import numpy print("NumPy version %s" % numpy.__version__) npdir = os.path.dirname(numpy.__file__) print("NumPy is installed in %s" % npdir) if 'scipy' in self.package_name: import scipy print("SciPy version %s" % scipy.__version__) spdir = os.path.dirname(scipy.__file__) print("SciPy is installed in %s" % spdir) pyversion = sys.version.replace('\n', '') print("Python version %s" % pyversion) print("nose version %d.%d.%d" % nose.__versioninfo__)
Example #23
Source File: offsets.py From Computable with MIT License | 6 votes |
def __init__(self, n=1, **kwds): # Check we have the required numpy version from distutils.version import LooseVersion if LooseVersion(np.__version__) < '1.7.0': raise NotImplementedError("CustomBusinessDay requires numpy >= " "1.7.0. Current version: " + np.__version__) self.n = int(n) self.kwds = kwds self.offset = kwds.get('offset', timedelta(0)) self.normalize = kwds.get('normalize', False) self.weekmask = kwds.get('weekmask', 'Mon Tue Wed Thu Fri') holidays = kwds.get('holidays', []) holidays = [self._to_dt64(dt, dtype='datetime64[D]') for dt in holidays] self.holidays = tuple(sorted(holidays)) self.kwds['holidays'] = self.holidays self._set_busdaycalendar()
Example #24
Source File: conftest.py From nistats with BSD 3-Clause "New" or "Revised" License | 5 votes |
def pytest_collection_modifyitems(items): # numpy changed the str/repr formatting of numpy arrays in 1.14. We want to # run doctests only for numpy >= 1.14.Adapted from scikit-learn if LooseVersion(np.__version__) < LooseVersion('1.14'): reason = 'doctests are only run for numpy >= 1.14' skip_doctests = True else: skip_doctests = False if skip_doctests: skip_marker = pytest.mark.skip(reason=reason) for item in items: if isinstance(item, DoctestItem): item.add_marker(skip_marker)
Example #25
Source File: test_numpy_version.py From vnpy_crypto with MIT License | 5 votes |
def test_valid_numpy_version(): # Verify that the numpy version is a valid one (no .post suffix or other # nonsense). See gh-6431 for an issue caused by an invalid version. version_pattern = r"^[0-9]+\.[0-9]+\.[0-9]+(|a[0-9]|b[0-9]|rc[0-9])" dev_suffix = r"(\.dev0\+([0-9a-f]{7}|Unknown))" if np.version.release: res = re.match(version_pattern, np.__version__) else: res = re.match(version_pattern + dev_suffix, np.__version__) assert_(res is not None, np.__version__)
Example #26
Source File: test_ujson.py From vnpy_crypto with MIT License | 5 votes |
def test_version(self): assert re.match(r'^\d+\.\d+(\.\d+)?$', ujson.__version__), \ "ujson.__version__ must be a string like '1.4.0'"
Example #27
Source File: conftest.py From scikit-learn-extra with BSD 3-Clause "New" or "Revised" License | 5 votes |
def pytest_collection_modifyitems(config, items): # numpy changed the str/repr formatting of numpy arrays in 1.14. We want to # run doctests only for numpy >= 1.14. skip_doctests = False try: import numpy as np if LooseVersion(np.__version__) < LooseVersion("1.14") or LooseVersion( sklearn.__version__ ) < LooseVersion("0.23.0"): reason = ( "doctests are only run for numpy >= 1.14 " "and scikit-learn >=0.23.0" ) skip_doctests = True elif sys.platform.startswith("win32"): reason = ( "doctests are not run for Windows because numpy arrays " "repr is inconsistent across platforms." ) skip_doctests = True except ImportError: pass if skip_doctests: skip_marker = pytest.mark.skip(reason=reason) for item in items: if isinstance(item, DoctestItem): item.add_marker(skip_marker)
Example #28
Source File: msvc.py From deepWordBug with Apache License 2.0 | 5 votes |
def msvc14_gen_lib_options(*args, **kwargs): """ Patched "distutils._msvccompiler.gen_lib_options" for fix compatibility between "numpy.distutils" and "distutils._msvccompiler" (for Numpy < 1.11.2) """ if "numpy.distutils" in sys.modules: import numpy as np if LegacyVersion(np.__version__) < LegacyVersion('1.11.2'): return np.distutils.ccompiler.gen_lib_options(*args, **kwargs) return get_unpatched(msvc14_gen_lib_options)(*args, **kwargs)
Example #29
Source File: libraries.py From vergeml with MIT License | 5 votes |
def version(): import tensorflow # pylint: disable=E0401 tensorflow.logging.set_verbosity(tensorflow.logging.ERROR) return tensorflow.__version__ #pylint: disable=E1101
Example #30
Source File: nosetester.py From vnpy_crypto with MIT License | 5 votes |
def _numpy_tester(): if hasattr(np, "__version__") and ".dev0" in np.__version__: mode = "develop" else: mode = "release" return NoseTester(raise_warnings=mode, depth=1, check_fpu_mode=True)