답변:
dist = numpy.linalg.norm(a-b)
이에 대한 이론 은 데이터 마이닝 소개 에서 찾을 수 있습니다.
이것은 유클리드 거리 가 l2 규범 이고 numpy.linalg.norm 의 ord 매개 변수의 기본값이 2 이기 때문에 작동합니다 .
SciPy에는 그 기능이 있습니다. 유클리드 라고 합니다.
예:
from scipy.spatial import distance
a = (1, 2, 3)
b = (4, 5, 6)
dst = distance.euclidean(a, b)
한 번에 여러 거리를 계산하는 데 관심이있는 사람은 perfplot (작은 프로젝트)을 사용하여 약간 비교했습니다 .
첫 번째 조언은 배열이 차원을 갖도록 (3, n)
(그리고 C- 연속적인) 데이터를 구성하는 것 입니다. 연속적인 1 차원에서 덧셈이 발생하면 일이 더 빠르며 sqrt-sum
with axis=0
, linalg.norm
with axis=0
또는 with 를 사용하면 너무 중요하지 않습니다.
a_min_b = a - b
numpy.sqrt(numpy.einsum('ij,ij->j', a_min_b, a_min_b))
약간의 마진으로 가장 빠른 변형입니다. (실제로 한 행에도 적용됩니다.)
두 번째 축에 대해 요약되는 변형 axis=1
은 모두 상당히 느립니다.
줄거리를 재현하는 코드 :
import numpy
import perfplot
from scipy.spatial import distance
def linalg_norm(data):
a, b = data[0]
return numpy.linalg.norm(a - b, axis=1)
def linalg_norm_T(data):
a, b = data[1]
return numpy.linalg.norm(a - b, axis=0)
def sqrt_sum(data):
a, b = data[0]
return numpy.sqrt(numpy.sum((a - b) ** 2, axis=1))
def sqrt_sum_T(data):
a, b = data[1]
return numpy.sqrt(numpy.sum((a - b) ** 2, axis=0))
def scipy_distance(data):
a, b = data[0]
return list(map(distance.euclidean, a, b))
def sqrt_einsum(data):
a, b = data[0]
a_min_b = a - b
return numpy.sqrt(numpy.einsum("ij,ij->i", a_min_b, a_min_b))
def sqrt_einsum_T(data):
a, b = data[1]
a_min_b = a - b
return numpy.sqrt(numpy.einsum("ij,ij->j", a_min_b, a_min_b))
def setup(n):
a = numpy.random.rand(n, 3)
b = numpy.random.rand(n, 3)
out0 = numpy.array([a, b])
out1 = numpy.array([a.T, b.T])
return out0, out1
perfplot.save(
"norm.png",
setup=setup,
n_range=[2 ** k for k in range(22)],
kernels=[
linalg_norm,
linalg_norm_T,
scipy_distance,
sqrt_sum,
sqrt_sum_T,
sqrt_einsum,
sqrt_einsum_T,
],
logx=True,
logy=True,
xlabel="len(x), len(y)",
)
i,i->
data
생겼습니까?
다양한 성능 메모로 간단한 답변에 대해 설명하고 싶습니다. np.linalg.norm은 아마도 필요한 것보다 더 많은 것을 할 것입니다 :
dist = numpy.linalg.norm(a-b)
첫째 -이 기능에서의 거리를 비교하기 위해, 예를 목록을 통해 일을하고 모든 값을 반환하도록 설계 pA
점의 세트 sP
:
sP = set(points)
pA = point
distances = np.linalg.norm(sP - pA, ord=2, axis=1.) # 'distances' is a list
몇 가지 사항을 기억하십시오.
그래서
def distance(pointA, pointB):
dist = np.linalg.norm(pointA - pointB)
return dist
보이는 것처럼 결백하지 않습니다.
>>> dis.dis(distance)
2 0 LOAD_GLOBAL 0 (np)
2 LOAD_ATTR 1 (linalg)
4 LOAD_ATTR 2 (norm)
6 LOAD_FAST 0 (pointA)
8 LOAD_FAST 1 (pointB)
10 BINARY_SUBTRACT
12 CALL_FUNCTION 1
14 STORE_FAST 2 (dist)
3 16 LOAD_FAST 2 (dist)
18 RETURN_VALUE
첫째, 우리가 호출 할 때마다 "np"에 대한 전역 조회, "linalg"에 대한 범위 조회 및 "norm"에 대한 범위 조회를 수행해야하며 단순히 함수 호출 의 오버 헤드 가 수십 개의 파이썬과 동일 할 수 있습니다. 명령.
마지막으로 결과를 저장하고 다시로드하기 위해 두 가지 작업을 낭비했습니다 ...
개선시 첫 번째 단계 : 조회 속도를 높이고 상점을 건너 뜁니다.
def distance(pointA, pointB, _norm=np.linalg.norm):
return _norm(pointA - pointB)
훨씬 간소화되었습니다.
>>> dis.dis(distance)
2 0 LOAD_FAST 2 (_norm)
2 LOAD_FAST 0 (pointA)
4 LOAD_FAST 1 (pointB)
6 BINARY_SUBTRACT
8 CALL_FUNCTION 1
10 RETURN_VALUE
그러나 함수 호출 오버 헤드는 여전히 일부 작업에 해당합니다. 그리고 자신이 수학을 더 잘 수행 할 수 있는지 판단하기 위해 벤치 마크를 수행하려고합니다.
def distance(pointA, pointB):
return (
((pointA.x - pointB.x) ** 2) +
((pointA.y - pointB.y) ** 2) +
((pointA.z - pointB.z) ** 2)
) ** 0.5 # fast sqrt
일부 플랫폼에서는 **0.5
보다 빠릅니다 math.sqrt
. 귀하의 마일리지가 다를 수 있습니다.
**** 고급 성능 정보.
왜 거리를 계산합니까? 유일한 목적으로 표시하는 경우
print("The target is %.2fm away" % (distance(a, b)))
를 따라 이동. 그러나 거리를 비교하거나 범위 검사 등을 수행하는 경우 유용한 성능 관찰을 추가하고 싶습니다.
거리를 기준으로 정렬하거나 범위 제약 조건을 충족하는 항목으로 목록을 컬링하는 두 가지 경우를 살펴 보겠습니다.
# Ultra naive implementations. Hold onto your hat.
def sort_things_by_distance(origin, things):
return things.sort(key=lambda thing: distance(origin, thing))
def in_range(origin, range, things):
things_in_range = []
for thing in things:
if distance(origin, thing) <= range:
things_in_range.append(thing)
가장 먼저 기억해야 할 것은 피타고라스 를 사용하여 거리 ( dist = sqrt(x^2 + y^2 + z^2)
) 를 계산하여 많은 sqrt
통화를하고 있다는 것입니다. 수학 101 :
dist = root ( x^2 + y^2 + z^2 )
:.
dist^2 = x^2 + y^2 + z^2
and
sq(N) < sq(M) iff M > N
and
sq(N) > sq(M) iff N > M
and
sq(N) = sq(M) iff N == M
간단히 말해 실제로 X ^ 2가 아닌 X 단위로 거리가 필요할 때까지 계산에서 가장 어려운 부분을 제거 할 수 있습니다.
# Still naive, but much faster.
def distance_sq(left, right):
""" Returns the square of the distance between left and right. """
return (
((left.x - right.x) ** 2) +
((left.y - right.y) ** 2) +
((left.z - right.z) ** 2)
)
def sort_things_by_distance(origin, things):
return things.sort(key=lambda thing: distance_sq(origin, thing))
def in_range(origin, range, things):
things_in_range = []
# Remember that sqrt(N)**2 == N, so if we square
# range, we don't need to root the distances.
range_sq = range**2
for thing in things:
if distance_sq(origin, thing) <= range_sq:
things_in_range.append(thing)
두 함수 모두 더 이상 고가의 제곱근을 수행하지 않습니다. 훨씬 빠릅니다. in_range를 발전기로 변환하여 향상시킬 수도 있습니다.
def in_range(origin, range, things):
range_sq = range**2
yield from (thing for thing in things
if distance_sq(origin, thing) <= range_sq)
다음과 같은 일을 할 때 특히 이점이 있습니다.
if any(in_range(origin, max_dist, things)):
...
하지만 다음에해야 할 일에 거리가 필요한 경우
for nearby in in_range(origin, walking_distance, hotdog_stands):
print("%s %.2fm" % (nearby.name, distance(origin, nearby)))
튜플 생성을 고려하십시오.
def in_range_with_dist_sq(origin, range, things):
range_sq = range**2
for thing in things:
dist_sq = distance_sq(origin, thing)
if dist_sq <= range_sq: yield (thing, dist_sq)
거리 확인을 연쇄 할 수있는 경우 ( '거리를 다시 계산할 필요가 없으므로 X 근처에 있고 Y의 Nm 내에있는 것을 찾으십시오') 특히 유용합니다.
그러나 우리가 정말로 큰 목록을 검색 things
하고 많은 것을 고려할 가치가 없다면 어떻게해야 할까요?
실제로 매우 간단한 최적화가 있습니다.
def in_range_all_the_things(origin, range, things):
range_sq = range**2
for thing in things:
dist_sq = (origin.x - thing.x) ** 2
if dist_sq <= range_sq:
dist_sq += (origin.y - thing.y) ** 2
if dist_sq <= range_sq:
dist_sq += (origin.z - thing.z) ** 2
if dist_sq <= range_sq:
yield thing
이것이 유용한 지 여부는 '사물'의 크기에 달려 있습니다.
def in_range_all_the_things(origin, range, things):
range_sq = range**2
if len(things) >= 4096:
for thing in things:
dist_sq = (origin.x - thing.x) ** 2
if dist_sq <= range_sq:
dist_sq += (origin.y - thing.y) ** 2
if dist_sq <= range_sq:
dist_sq += (origin.z - thing.z) ** 2
if dist_sq <= range_sq:
yield thing
elif len(things) > 32:
for things in things:
dist_sq = (origin.x - thing.x) ** 2
if dist_sq <= range_sq:
dist_sq += (origin.y - thing.y) ** 2 + (origin.z - thing.z) ** 2
if dist_sq <= range_sq:
yield thing
else:
... just calculate distance and range-check it ...
그리고 다시 dist_sq를 산출하는 것을 고려하십시오. 핫도그 예제는 다음과 같습니다.
# Chaining generators
info = in_range_with_dist_sq(origin, walking_distance, hotdog_stands)
info = (stand, dist_sq**0.5 for stand, dist_sq in info)
for stand, dist in info:
print("%s %.2fm" % (stand, dist))
pointZ
존재하지 않는를 사용하고있었습니다 . 나는 당신이 의미하는 것이 3 차원 공간에서 2 점이라고 생각하고 그에 따라 편집했습니다. 내가 틀렸다면 알려주십시오.
이 문제 해결 방법 의 또 다른 예는 다음 과 같습니다 .
def dist(x,y):
return numpy.sqrt(numpy.sum((x-y)**2))
a = numpy.array((xa,ya,za))
b = numpy.array((xb,yb,zb))
dist_a_b = dist(a,b)
norm = lambda x: N.sqrt(N.square(x).sum())
. norm(x-y)
numpy.linalg.norm(x-y)
matplotlib.mlab에서 'dist'함수를 찾았지만 충분히 유용하다고 생각하지 않습니다.
참고 용으로 여기에 게시하고 있습니다.
import numpy as np
import matplotlib as plt
a = np.array([1, 2, 3])
b = np.array([2, 3, 4])
# Distance between a and b
dis = plt.mlab.dist(a, b)
좋은 원 라이너 :
dist = numpy.linalg.norm(a-b)
그러나 속도가 문제가된다면 기계를 시험해 보는 것이 좋습니다. 사각형에 연산자 와 함께 math
라이브러리 를 사용 하는 것이 하나의 라이너 NumPy 솔루션보다 내 컴퓨터에서 훨씬 빠릅니다.sqrt
**
이 간단한 프로그램을 사용하여 테스트를 실행했습니다.
#!/usr/bin/python
import math
import numpy
from random import uniform
def fastest_calc_dist(p1,p2):
return math.sqrt((p2[0] - p1[0]) ** 2 +
(p2[1] - p1[1]) ** 2 +
(p2[2] - p1[2]) ** 2)
def math_calc_dist(p1,p2):
return math.sqrt(math.pow((p2[0] - p1[0]), 2) +
math.pow((p2[1] - p1[1]), 2) +
math.pow((p2[2] - p1[2]), 2))
def numpy_calc_dist(p1,p2):
return numpy.linalg.norm(numpy.array(p1)-numpy.array(p2))
TOTAL_LOCATIONS = 1000
p1 = dict()
p2 = dict()
for i in range(0, TOTAL_LOCATIONS):
p1[i] = (uniform(0,1000),uniform(0,1000),uniform(0,1000))
p2[i] = (uniform(0,1000),uniform(0,1000),uniform(0,1000))
total_dist = 0
for i in range(0, TOTAL_LOCATIONS):
for j in range(0, TOTAL_LOCATIONS):
dist = fastest_calc_dist(p1[i], p2[j]) #change this line for testing
total_dist += dist
print total_dist
내 컴퓨터에서 math_calc_dist
보다 훨씬 빠르게 실행numpy_calc_dist
1.5 초 대 23.5 초 .
사이에 측정 가능한 차이를 얻으려면 fastest_calc_dist
및 math_calc_dist
I 최대했다 TOTAL_LOCATIONS
그리고 6000에 fastest_calc_dist
동안 ~ 50 초 걸리는 math_calc_dist
소요 ~ 60 초.
또한 실험 할 수 numpy.sqrt
와 numpy.square
두 불구하고보다 느린했다 math
내 컴퓨터에 대안.
내 테스트는 Python 2.6.6으로 실행되었습니다.
scipy.spatial.distance.cdist(p1, p2).sum()
. 그게 다야.
numpy.linalg.norm(p1-p2).sum()
p1의 각 점과 p2의 해당 점 사이의 합을 구 하려면 사용 하십시오 (예 : p1의 모든 점이 p2의 모든 점이 아님). 그리고 p1의 모든 지점에서 p2의 모든 지점을 원하고 이전 주석과 같이 scipy를 사용하지 않으려는 경우 numpy.linalg.norm과 함께 np.apply_along_axis를 사용하여 훨씬 빠르게 수행 할 수 있습니다 "가장 빠른"솔루션입니다.
벡터를 빼고 내적을 빼면됩니다.
당신의 모범에 따라
a = numpy.array((xa, ya, za))
b = numpy.array((xb, yb, zb))
tmp = a - b
sum_squared = numpy.dot(tmp.T, tmp)
result = sqrt(sum_squared)
Python 3.8을 사용하면 매우 쉽습니다.
https://docs.python.org/3/library/math.html#math.dist
math.dist(p, q)
두 점 p와 q 사이의 유클리드 거리를 반환하며, 각각 좌표의 시퀀스 (또는 반복 가능)로 제공됩니다. 두 점의 치수가 같아야합니다.
대략 다음과 같습니다.
sqrt(sum((px - qx) ** 2.0 for px, qx in zip(p, q)))
다음은 파이썬에서 목록으로 표시된 두 점이 주어지면 파이썬에서 유클리드 거리에 대한 간결한 코드입니다.
def distance(v1,v2):
return sum([(x-y)**2 for (x,y) in zip(v1,v2)])**(0.5)
Python 3.8부터이 math
모듈에는 함수가 포함되어 있습니다 math.dist()
. https://docs.python.org/3.8/library/math.html#math.dist를
참조하십시오 .
math.dist (p1, p2)
두 점 p1과 p2 사이의 유클리드 거리를 각각 좌표의 시퀀스 (또는 반복 가능)로 제공합니다.
import math
print( math.dist( (0,0), (1,1) )) # sqrt(2) -> 1.4142
print( math.dist( (0,0,0), (1,1,1) )) # sqrt(3) -> 1.7321
import numpy as np
from scipy.spatial import distance
input_arr = np.array([[0,3,0],[2,0,0],[0,1,3],[0,1,2],[-1,0,1],[1,1,1]])
test_case = np.array([0,0,0])
dst=[]
for i in range(0,6):
temp = distance.euclidean(test_case,input_arr[i])
dst.append(temp)
print(dst)
import math
dist = math.hypot(math.hypot(xa-xb, ya-yb), za-zb)
당신은 쉽게 수식을 사용할 수 있습니다
distance = np.sqrt(np.sum(np.square(a-b)))
실제로 피타고라스의 정리를 사용하여 거리를 계산하는 것보다 Δx, Δy 및 Δz의 제곱을 더하고 결과를 근절하는 것 이상은 없습니다.
먼저 두 행렬의 차이를 찾으십시오. 그런 다음 numpy의 multiply 명령으로 요소 별 곱셈을 적용하십시오. 그런 다음 요소별로 곱한 새로운 행렬의 합을 찾으십시오. 마지막으로 합계의 제곱근을 찾으십시오.
def findEuclideanDistance(a, b):
euclidean_distance = a - b
euclidean_distance = np.sum(np.multiply(euclidean_distance, euclidean_distance))
euclidean_distance = np.sqrt(euclidean_distance)
return euclidean_distance
import numpy as np
# any two python array as two points
a = [0, 0]
b = [3, 4]
먼저 목록을 numpy 배열로 변경 하고 다음과 같이하십시오 print(np.linalg.norm(np.array(a) - np.array(b)))
. 파이썬 목록에서 직접 두 번째 방법 :print(np.linalg.norm(np.subtract(a,b)))