파이썬에 다음 목록이 있다고 가정합니다.
a = [1,2,3,1,2,1,1,1,3,2,2,1]
이 목록에서 가장 빈번한 번호를 깔끔하게 찾는 방법은 무엇입니까?
파이썬에 다음 목록이 있다고 가정합니다.
a = [1,2,3,1,2,1,1,1,3,2,2,1]
이 목록에서 가장 빈번한 번호를 깔끔하게 찾는 방법은 무엇입니까?
답변:
목록에 음수가 아닌 정수가 모두 포함 된 경우 numpy.bincounts를 살펴 봐야합니다.
http://docs.scipy.org/doc/numpy/reference/generated/numpy.bincount.html
그리고 아마도 np.argmax를 사용하십시오.
a = np.array([1,2,3,1,2,1,1,1,3,2,2,1])
counts = np.bincount(a)
print(np.argmax(counts))
더 복잡한 목록 (음수 또는 정수가 아닌 값 포함)의 np.histogram
경우 비슷한 방식으로 사용할 수 있습니다 . 또는 numpy를 사용하지 않고 파이썬으로 작업하고 싶다면 collections.Counter
이런 종류의 데이터를 처리하는 좋은 방법입니다.
from collections import Counter
a = [1,2,3,1,2,1,1,1,3,2,2,1]
b = Counter(a)
print(b.most_common(1))
scipy.stats.mode
덜 일반적이긴하지만 이것은 적어도 10 배 더 빠릅니다 .
Counter(array).most_common(1)[0][0]
당신은 사용할 수 있습니다
(values,counts) = np.unique(a,return_counts=True)
ind=np.argmax(counts)
print values[ind] # prints the most frequent element
일부 요소가 다른 요소만큼 자주 발생하는 경우이 코드는 첫 번째 요소 만 반환합니다.
values[counts.argmax()]
첫 번째 값을 반환합니다. 모두 가져 오기 위해 values[counts == counts.max()]
.
>>> # small array
>>> a = [12,3,65,33,12,3,123,888000]
>>>
>>> import collections
>>> collections.Counter(a).most_common()[0][0]
3
>>> %timeit collections.Counter(a).most_common()[0][0]
100000 loops, best of 3: 11.3 µs per loop
>>>
>>> import numpy
>>> numpy.bincount(a).argmax()
3
>>> %timeit numpy.bincount(a).argmax()
100 loops, best of 3: 2.84 ms per loop
>>>
>>> import scipy.stats
>>> scipy.stats.mode(a)[0][0]
3.0
>>> %timeit scipy.stats.mode(a)[0][0]
10000 loops, best of 3: 172 µs per loop
>>>
>>> from collections import defaultdict
>>> def jjc(l):
... d = defaultdict(int)
... for i in a:
... d[i] += 1
... return sorted(d.iteritems(), key=lambda x: x[1], reverse=True)[0]
...
>>> jjc(a)[0]
3
>>> %timeit jjc(a)[0]
100000 loops, best of 3: 5.58 µs per loop
>>>
>>> max(map(lambda val: (a.count(val), val), set(a)))[1]
12
>>> %timeit max(map(lambda val: (a.count(val), val), set(a)))[1]
100000 loops, best of 3: 4.11 µs per loop
>>>
문제와 같은 작은 배열 의 경우 '설정'이있는 '최대'가 가장 좋습니다.
@David Sanders에 따르면 배열 크기를 100,000 개의 요소와 같은 크기로 늘리면 "max w / set"알고리즘은 결국 최악이되는 반면 "numpy bincount"방법이 가장 좋습니다.
a = (np.random.rand(100000) * 1000).round().astype('int'); a_list = list(a)
)으로 늘리면 "max w / set"알고리즘이 최악이되는 반면 "numpy bincount"방법이 가장 좋습니다. 이 테스트 a_list
는 네이티브 파이썬 코드와 a
numpy 코드를 사용하여 결과를 망치는 마샬링 비용을 피하기 위해 수행했습니다.
또한 모듈을로드하지 않고 가장 빈번한 값 (양수 또는 음수)을 얻으려면 다음 코드를 사용할 수 있습니다.
lVals = [1,2,3,1,2,1,1,1,3,2,2,1]
print max(map(lambda val: (lVals.count(val), val), set(lVals)))
max(set(lVals), key=lVals.count)
대해 각 고유 요소에 lVals
대해 O (n) 카운트를 수행합니다 (O (n) 고유하다고 가정). 집단). JoshAdel이 제안한collections.Counter(lVals).most_common(1)[0][0]
대로 표준 라이브러리에서 사용 하는 것은 O (n)뿐입니다.
위의 답변 대부분이 유용하지만, 1) 양수가 아닌 정수 값 (예 : 부동 소수점 또는 음의 정수 ;-))을 지원하기 위해 필요하고 2) Python 2.7 (컬렉션)에 없습니다. 필요), 3) 코드에 scipy (또는 numpy)의 종속성을 추가하지 않는 것을 선호하는 경우 O (nlogn) (즉, 효율적) 인 순수 파이썬 2.6 솔루션은 다음과 같습니다.
from collections import defaultdict
a = [1,2,3,1,2,1,1,1,3,2,2,1]
d = defaultdict(int)
for i in a:
d[i] += 1
most_frequent = sorted(d.iteritems(), key=lambda x: x[1], reverse=True)[0]
이 방법을 확장 하면 값이 분포의 중심에서 얼마나 멀리 떨어져 있는지 확인하기 위해 실제 배열의 인덱스가 필요할 수있는 데이터 모드를 찾는 데 적용됩니다.
(_, idx, counts) = np.unique(a, return_index=True, return_counts=True)
index = idx[np.argmax(counts)]
mode = a[index]
len (np.argmax (counts))> 1 인 경우 모드를 폐기해야합니다.
Python 3에서는 다음이 작동합니다.
max(set(a), key=lambda x: a.count(x))
에서 시작 Python 3.4
하는 표준 라이브러리에는 statistics.mode
가장 일반적인 단일 데이터 포인트를 반환하는 함수가 포함되어 있습니다.
from statistics import mode
mode([1, 2, 3, 1, 2, 1, 1, 1, 3, 2, 2, 1])
# 1
주파수가 동일한 모드가 여러 개있는 경우 statistics.mode
처음 발견 된 모드를 반환합니다.
에서 시작 Python 3.8
하면이 statistics.multimode
함수는 가장 자주 발생하는 값의 목록을 처음 발견 한 순서대로 반환합니다.
from statistics import multimode
multimode([1, 2, 3, 1, 2])
# [1, 2]
다음은 순전히 numpy를 사용하여 값에 관계없이 축을 따라 적용될 수있는 일반적인 솔루션입니다. 또한 고유 한 값이 많으면 scipy.stats.mode보다 훨씬 빠릅니다.
import numpy
def mode(ndarray, axis=0):
# Check inputs
ndarray = numpy.asarray(ndarray)
ndim = ndarray.ndim
if ndarray.size == 1:
return (ndarray[0], 1)
elif ndarray.size == 0:
raise Exception('Cannot compute mode on empty array')
try:
axis = range(ndarray.ndim)[axis]
except:
raise Exception('Axis "{}" incompatible with the {}-dimension array'.format(axis, ndim))
# If array is 1-D and numpy version is > 1.9 numpy.unique will suffice
if all([ndim == 1,
int(numpy.__version__.split('.')[0]) >= 1,
int(numpy.__version__.split('.')[1]) >= 9]):
modals, counts = numpy.unique(ndarray, return_counts=True)
index = numpy.argmax(counts)
return modals[index], counts[index]
# Sort array
sort = numpy.sort(ndarray, axis=axis)
# Create array to transpose along the axis and get padding shape
transpose = numpy.roll(numpy.arange(ndim)[::-1], axis)
shape = list(sort.shape)
shape[axis] = 1
# Create a boolean array along strides of unique values
strides = numpy.concatenate([numpy.zeros(shape=shape, dtype='bool'),
numpy.diff(sort, axis=axis) == 0,
numpy.zeros(shape=shape, dtype='bool')],
axis=axis).transpose(transpose).ravel()
# Count the stride lengths
counts = numpy.cumsum(strides)
counts[~strides] = numpy.concatenate([[0], numpy.diff(counts[~strides])])
counts[strides] = 0
# Get shape of padded counts and slice to return to the original shape
shape = numpy.array(sort.shape)
shape[axis] += 1
shape = shape[transpose]
slices = [slice(None)] * ndim
slices[axis] = slice(1, None)
# Reshape and compute final counts
counts = counts.reshape(shape).transpose(transpose)[slices] + 1
# Find maximum counts and return modals/counts
slices = [slice(None, i) for i in sort.shape]
del slices[axis]
index = numpy.ogrid[slices]
index.insert(axis, numpy.argmax(counts, axis=axis))
return sort[index], counts[index]
나는 최근에 프로젝트를하고 collections.Counter. (나를 고문 한)를 사용하고 있습니다.
컬렉션의 카운터는 제 생각에 매우 나쁜 성능을 가지고 있습니다. dict ()를 래핑하는 클래스 일뿐입니다.
더 나쁜 것은 cProfile을 사용하여 메서드를 프로파일 링하는 경우 전체 시간을 낭비하는 '__missing__'및 '__instancecheck__'항목을 많이 볼 수 있습니다.
가장 느린 정렬을 호출 할 때마다 most_common () 사용에주의하십시오. 그리고 most_common (x)를 사용하면 힙 정렬을 호출하는데,이 역시 느립니다.
Btw, numpy의 bincount에도 문제가 있습니다. np.bincount ([1,2,4000000])를 사용하면 4000000 요소가있는 배열을 얻을 수 있습니다.
np.bincount([1, 2, 3, 1, 2, 1, 1, 1, 3, 2, 2, 1]).argmax()