나동빈님의 이코테2021과 잔재미코딩님의 블로그 강의내용을 바탕으로 공부한 기초 알고리즘 이론들을 정리한 글입니다.
O(1) < O(logn) < O(n) < O(nlogn) < O(n2) < O(2n) < O(n!)
요구사항에 따라 적절한 알고리즘 설계하기(시간제한 1초 기준)
# map()
a = ['1', '2', '3', '4', '5']
a_map = list(map(int, a))
a_map
[1, 2, 3, 4, 5]
math.ceil()
: 실수 올림math.floor()
: 실수 내림result = eval("3 + 4 * 7")
result
31
l = [['홍길동', 35], ['이순신', 75], ['아무개', 50]]
print(l)
l.sort(key = lambda x: x[1], reverse = True)
print(l)
[['홍길동', 35], ['이순신', 75], ['아무개', 50]]
[['이순신', 75], ['아무개', 50], ['홍길동', 35]]
l = [['홍길동', 35], ['이순신', 75], ['아무개', 80]]
print(l)
l.sort(key = lambda x: (x[0], x[1])) # 0번쨰 -> 1번째
print(l)
[['홍길동', 35], ['이순신', 75], ['아무개', 80]]
[['아무개', 80], ['이순신', 75], ['홍길동', 35]]
bin()
oct()
hex()
# 모든 진수 변환
def converter(num, b):
'''자연수(num)를 b진수로 변환'''
tmp = ''
while num:
tmp += str(num % b)
num = num // b
return tmp[::-1]
>> print(converter(45, 3))
1200
# n진수를 10진수로 변환
int(tmp[::-1], 3) # 3진수 -> 10진수
45
# 에라토스테네스의 체
def solution(n):
answer = 0
t_f = [False, False] + [True for _ in range(2, n + 1)]
for i in range(2, n + 1):
if t_f[i]:
answer +=1
for j in range(i * i, n + 1, i):
t_f[j] = False
return answer
solution(1000000)
# 소수 판별(제곱근)
import math
def is_prime(n):
# n의 제곱근을 정수화 시켜준 후 + 1
for i in range(2, int(math.sqrt(n))+1):
if n % i == 0:
return False
return True
from itertools import permutations
data = ['a', 'b', 'c']
result = list(permutations(data, 2)) # 3개
print(result)
[('a', 'b'), ('a', 'c'), ('b', 'a'), ('b', 'c'), ('c', 'a'), ('c', 'b')]
from itertools import combinations
data = ['a', 'b', 'c']
result = list(combinations(data, 2)) # 2개
print(result)
[('a', 'b'), ('a', 'c'), ('b', 'c')]
# product1
from itertools import product
data = ['a', 'b', 'c']
result = list(product(data, repeat = 2))
print(result)
[('a', 'a'), ('a', 'b'), ('a', 'c'), ('b', 'a'), ('b', 'b'), ('b', 'c'), ('c', 'a'), ('c', 'b'), ('c', 'c')]
# product2
from itertools import product
l = ['ab', '12']
s = list(product(*l))
s
[('a', '1'), ('a', '2'), ('b', '1'), ('b', '2')]
#combinations_with_replacement
from itertools import combinations_with_replacement
data = ['a', 'b', 'c']
result = list(combinations_with_replacement(data, 2))
print(result)
[('a', 'a'), ('a', 'b'), ('a', 'c'), ('b', 'b'), ('b', 'c'), ('c', 'c')]
from collections import Counter
counter = Counter(['red', 'blue', 'red', 'green', 'blue', 'blue'])
print(counter['red']) # 'blue'가 등장한 횟수
print(dict(counter)) # 사전 형태로 반환
2
{'red': 2, 'blue': 3, 'green': 1}
import math
# 최소 공배수를 구하는 함수
def lcm(a, b):
return a * b // math.gcd(a, b)
print(math.gcd(21, 14)) # 최대 공약수(GCD)
print(lcm(21, 14)) # 최소 공배수(LCM)
7
42
import heapq
queue = []
heapq.heappush(queue, [2, 'A'])
heapq.heappush(queue, [5, 'B'])
heapq.heappush(queue, [1, 'C'])
heapq.heappush(queue, [7, 'D'])
print(queue)
for i in range(len(queue)):
print(heapq.heappop(queue))
[[1, 'C'], [5, 'B'], [2, 'A'], [7, 'D']]
[1, 'C']
[2, 'A']
[5, 'B']
[7, 'D']
# heapify
import heapq
queue = [[2, 'A'], [5, 'B'], [1, 'C'], [7, 'D']]
heapq.heapify(queue)
print(queue)
for i in range(len(queue)):
print(heapq.heappop(queue))
[[1, 'C'], [5, 'B'], [2, 'A'], [7, 'D']]
[1, 'C']
[2, 'A']
[5, 'B']
[7, 'D']
a = [2, 5, 6, 78, 2, 3, 54, 6, 1]
a.remove(78)
print(a)
print(a.index(54))
del a[0]
print(a)
a.insert(2, 999)
print(a)
print(a.count(6))
a.reverse()
print(a)
print(list(reversed(a)))
[2, 5, 6, 2, 3, 54, 6, 1]
5
[5, 6, 2, 3, 54, 6, 1]
[5, 6, 999, 2, 3, 54, 6, 1]
2
[1, 6, 54, 3, 2, 999, 6, 5]
[5, 6, 999, 2, 3, 54, 6, 1]
arr = [[1, 1, 0, 0], [1, 0, 0, 0], [1, 0, 0, 1], [1, 1, 1, 1]]
print(sum(sum(arr, [])))
# 9 출력됨
a = dict()
a.get('hello', 'ws')
'ws'
a = {4:2, 2:6, 5:3, 7:1, 1:20, 4:3}
a
{4: 3, 2: 6, 5: 3, 7: 1, 1: 20}
max(a) # keys 중 가장 큰 값
7
max(a, key = a.get) # values 중 가장 큰 값을 가진 key
1
print(a.pop(5))
print(a)
3
{4: 3, 2: 6, 7: 1, 1: 20}
dic = dict(zip('abcde', range(5)))
dic_swap = {v:k for k,v in dic.items()}
from collections import defaultdict
d = defaultdict(lambda : 100)
d['hello'] = 1
print(d['hello'])
print(d['hi'])
1
100
d
defaultdict(<function __main__.<lambda>()>, {'hello': 1, 'hi': 100})
now_h[0] += dr[d_now % 4]
now_h[1] += dc[d_now % 4]
queue.append(now_h)
now_h[0] += dr[d_now % 4]
now_h[1] += dc[d_now % 4]
queue.append([now_h[0], now_h[1]])
a = [1, 2, 3]
b = list()
for i in range(3):
b.append(a)
a[1] += 1
b
[[1, 5, 3], [1, 5, 3], [1, 5, 3]]
a = [1, 2, 3]
b = list()
for i in range(3):
b.append([a[0], a[1], a[2]])
a[1] += 1
b
[[1, 2, 3], [1, 3, 3], [1, 4, 3]]
# 얕은 복사 사용
a = [1, 2, 3]
b = list()
for i in range(3):
b.append(a.copy())
a[1] += 1
b
[[1, 2, 3], [1, 3, 3], [1, 4, 3]]
.copy()
)import copy
new_obj = copy.deepcopy(기존 객체)
new_obj = [i[:] for i in 기존 리스트]
.upper()
: 모든 문자 변환.lower()
: 모든 문자 변환.title()
: 각 단어의 첫 글자만 대문자, 나머지는 소문자.capitalize
: 첫 글자만 대문자, 나머지는 소문자.find('a')
: 찾으면 인덱스 반환, 못찾으면 -1 반환.index('a')
: 찾으면 인덱스 반환, 못찾으면 오류 발생.count('a', 3)
: 특정 문자의 개수 반환(두번째 인자는 시작 인덱스를 의미).isdigit()
: 숫자로만 구성되어있는지.isalpha()
: 알파벳으로만 구성되어있는지(한글 포함).isupper()
: 모두 대문자인지(숫자, 공백은 상관x).islower()
: 모두 소문자인지(숫자, 공백은 상관x)(줄바꿈\n
이나 tab\t
도 제거가 가능)
.strip()
: 양쪽 끝 공백을 제거.rstrip()
: 오른쪽 끝 공백 제거.lstrip()
: 왼쪽 끝 공백 제거.replace(a, b, n)
: a문자를 b로 교체(n번 limit, limit가 없으면 전부 교체).split()
: 문자열 쪼개기' '.join(문자열 리스트)
: ' '을 사이에 끼고 합치기name = 'bob'
test = f'Hello {name}' # f ~~
print(test)
Hello bob
a, b = 2, 3
test = f'합: {a + b}' # f ~~
print(test)
합: 5
# f-string 선언을 먼저 해도 됨
test = f'합: {a + b}' # f ~~
a, b = 2, 3
print(test)
합: 5
[ ]
: "[ ]사이의 문자들과 매치”를 의미-
: 두 문자 사이의 범위(From - To)를 의미[a-zA-Z]
: 알파벳 모두[0-9]
: 숫자 모두 == \d
^
: 반대(not)를 의미\D
== [^0-9]
→ 숫자가 아닌 것들을 의미.
: 줄바꿈 문자인 \n
을 제외한 모든 문자와 매치됨을 의미a.b
: “a+모든문자+b”a[.]b
: 정확히 “a.b”를 의미*
: *
바로 앞에 있는 문자가 0부터 무한대로 반복될 수 있다는 의미ca*t
일 때,+
: +
바로 앞에 있는 문자가 1부터 무한대로 반복될 수 있다는 의미(*
은 0부터){m,n}
**:** m부터 n까지 반복 횟수가 고정적인 것을 찾음ca{2}t
ca{2, 5}t
?
: 바로 앞 글자가 있어도 되고, 없어도 됨을 의미ca?t
: “cat”, “ct” → Truematch()
: 문자열의 처음부터 정규식과 매치되는지 조사import re
p = re.compile('[a-z]+')
m1 = p.match("python")
m2 = p.match("3 python")
print(m1)
print(m2)
# 하단은 출력
<re.Match object; span=(0, 6), match='python'> # Match 객체를 돌려줌
None # None을 돌려줌
search()
: 문자열 전체를 검색하여 정규식과 매치되는지 조사import re
p = re.compile('[a-z]+')
m2 = p.search("3 python")
print(m2)
# 하단은 출력
<re.Match object; span=(2, 8), match='python'> # 매치되는 부분을 찾아서 돌려줌
findall()
: 정규식과 매치되는 모든 문자열을 리스트로 돌려줌import re
p = re.compile('[a-z]+')
result = p.findall("life is too short")
print(result)
# 하단은 출력
['life', 'is', 'too', 'short']
finditer()
: 정규식과 매치되는 모든 문자열을 반복 가능한 객체로 돌려줌import re
p = re.compile('[a-z]+')
result = p.finditer("life is too short")
print(result)
# 하단은 출력
<callable_iterator object at 0x01F5E390>
for r in result: print(r)
# 하단은 출력
# match 객체로 출력됨
<re.Match object; span=(0, 4), match='life'>
<re.Match object; span=(5, 7), match='is'>
<re.Match object; span=(8, 11), match='too'>
<re.Match object; span=(12, 17), match='short'>
.group()
: 매치된 문자열을 반환.start()
: 매치된 문자열의 시작 위치를 반환.end()
: 매치된 문자열의 끝 위치를 반환.span()
: 매치된 문자열의 (시작, 끝) 을 튜플로 반환# if
[i for i in range(1, 11) if i % 2 == 0] # 짝수만
[2, 4, 6, 8, 10]
# if ~ else
[i if i % 2 == 0 else 'No' for i in range(1, 11)]
['No', 2, 'No', 4, 'No', 6, 'No', 8, 'No', 10]
# 참고: https://www.daleseo.com/python-global-nonlocal/
global_var = "전역 변수"
def outer():
nonlocal_var = "비전역 변수"
print(global_var) # 가능
print(nonlocal_var) # 가능
def inner():
local_var = "지역 변수"
print(global_var) # 가능
print(nonlocal_var) # 가능
print(local_var) # 가능
datetime.timedelta(days=0, seconds=0, microseconds=0, milliseconds=0, minutes=0, hours=0, weeks=0)
from datetime import timedelta
delta1 = timedelta(seconds=57)
delta2 = timedelta(hours=25, seconds=2) # minutes
print(delta2 != delta1) # 출력 : True
d = delta1 - delta2
print(d) # 출력 : 1 day, 0:59:05
print(d.total_seconds()) # 출력 : 89945.0 -> 초 단위(float)로 바꿔줌
구현이란 머릿속에 있는 알고리즘을 소스코드로 바꾸는 과정
구형 유형 문제: 풀이를 떠올리는 것은 쉽지만 소스코드로 옮기기 어려운 문제(시뮬레이션 등)
시뮬레이션 및 완전 탐색 문제에서는 2차원 공간에서의 방향 벡터가 자주 활용됨
simul = list()
for i in range(5):
simul.append([])
for j in range(5):
simul[i].append([i, j])
simul
[[[0, 0], [0, 1], [0, 2], [0, 3], [0, 4]],
[[1, 0], [1, 1], [1, 2], [1, 3], [1, 4]],
[[2, 0], [2, 1], [2, 2], [2, 3], [2, 4]],
[[3, 0], [3, 1], [3, 2], [3, 3], [3, 4]],
[[4, 0], [4, 1], [4, 2], [4, 3], [4, 4]]]
# 방향백터[동, 북, 서, 남] - 그래프가 아닌 행렬로 생각해야됨
# 현재 위치가 (2, 2)일 때 - 행, 열
x, y = 2, 2
dx = [0, -1, 0, 1]
dy = [1, 0, -1, 0]
# 상, 하, 좌, 우를 다 살펴보고자 할 떄 로직
for i in range(4):
nx = x + dx[i]
ny = y + dy[i]
print(nx, ny)
2 3
1 2
2 1
3 2
깊이 우선 탐색(DFS)과 너비 우선 탐색(BFS) 활용한 문제 유형/응용
그래프의 모든 정점을 방문하는 것이 주요한 문제
경로의 특징을 저장해둬야 하는 문제
최단거리 구해야 하는 문제
이밖에도
stack = []
stack.append(1)
stack.append(2)
stack.append(3)
stack.pop()
stack.append(4)
stack.append(5)
stack[::-1]
[5, 4, 2, 1]
from collections import deque
queue = deque()
queue.append(1)
queue.append(2)
queue.append(3)
queue.popleft()
queue.append(4)
queue.append(5)
print(queue)
queue.reverse() # 역순으로 바꾸기
print(queue)
queue.rotate(1) # 로테이션 ->
print(queue)
queue.extendleft([1, 2]) # extedleft
print(queue)
deque([2, 3, 4, 5])
deque([5, 4, 3, 2])
deque([2, 5, 4, 3])
deque([2, 1, 2, 5, 4, 3])
자기 자신을 다시 호출(종료 조건 신경쓰기)
파이썬에선 최대 깊이 제한이 있음
모든 재귀 함수는 반복문을 이용하여 동일한 기능을 구현할 수 있음
컴퓨터가 함수를 연속적으로 호출하면 컴퓨터 메모리 내부의 스택 프레임에 쌓임
유클리드 호제법
- 두 자연수 A, B에 대하여(A > B)A를 B로 나눈 나머지를 R이라고 한다.
- 이때 A와 B의 최대공약수는 B와 R의 최대 공약수와 같다.
|단계|A|B|
|:--:|:--:|:--:|
|1|192|162|
|2|162|39|
|3|30|12|
|4|12|6|
- 192와 162의 최대 공약수는 12와 6의 최대공약수와 같다.
- 12는 6의 배수이기 때문에 6이 최대공약수
# 노드 정보
graph = [
[], # 0번 인덱스는 비워둠
[2, 3, 8], # 1번 노드
[1, 7], # 2번 노드
[1, 4, 5], # 3번 노드
[3, 5],
[3, 4],
[7],
[2, 6, 8],
[1, 7] # 8번 노드
]
visited = [False] * 9
# 반복
def dfs1(graph, start_node):
visited, need_visit = list(), list()
need_visit.append(start_node)
while need_visit:
node = need_visit.pop() # 스택
if node not in visited:
visited.append(node)
need_visit.extend(graph[node]) # 스택
# extend는 iterable 객체만 올 수 있음. 각 요소를 분리하여 끝에 삽입.
# append였다면, 각 요소를 분리하지 않고 iterable 객체를 그대로 넣었음(2차원 형태)
return visited
# 재귀
def dfs2(graph, v, visited):
# 현재 노드 방문처리
visited[v] = True
print(v, end = ' ')
for i in graph[v]:
if not visited[i]:
dfs2(graph, i, visited)
# 출력
print(dfs1(graph, 1))
print()
print(dfs2(graph, 1, visited))
[1, 8, 7, 6, 2, 3, 5, 4]
1 2 7 6 8 3 4 5 None
# 노드 정보
graph = [
[], # 0번 인덱스는 비워둠
[2, 3, 8], # 1번 노드
[1, 7], # 2번 노드
[1, 4, 5], # 3번 노드
[3, 5],
[3, 4],
[7],
[2, 6, 8],
[1, 7] # 8번 노드
]
visited = [False] * 9
#1
def bfs1(graph, start_node):
visited, need_visit = list(), list()
need_visit.append(start_node)
while need_visit:
node = need_visit.pop(0) # 큐. (스택이면 DFS)
if node not in visited:
visited.append(node)
need_visit.extend(graph[node])
return visited
#2
from collections import deque
def bfs2(graph, start, visited):
queue = deque([start])
visited[start] = True
while queue:
v = queue.popleft()
print(v, end = ' ')
for i in graph[v]:
if not visited[i]:
queue.append(i)
visited[i] = True
print(bfs1(graph, 1))
print(bfs2(graph, 1, visited))
[1, 2, 3, 8, 7, 4, 5, 6]
1 2 3 8 7 4 5 6 None
정렬 알고리즘 | 평균 시간 복잡도 | 공간 복잡도 | 특징 |
---|---|---|---|
선택 정렬 | O(N2) | O(N) | 아이디어가 매우 간단함 (,,) |
삽입 정렬 | O(N2) | O(N) | 데이터가 거의 정렬되어 있을 땐 가장 빠름 |
퀵 정렬 | O(NlogN) | O(N) | 대부분의 경우에 가장 접합하며, 충분히 빠름 |
계수 정렬 | O(N+K) | O(N+K) | 데이터의 크기가 한정되어 있는 경우에만 사용이 가능하지만 매우 빠르게 동작함 |
array = [7, 5, 9, 0, 3, 1, 6, 2, 4, 8]
for i in range(len(array)):
min_index = i
for j in range(i + 1, len(array)):
if array[min_index] > array[j]:
min_index = j
array[i], array[min_index] = array[min_index], array[i] # 스왑
print(array)
[0, 1, 2, 3, 4, 5, 6, 7, 8, 9]
array = [7, 5, 9, 0, 3, 1, 6, 2, 4, 8]
for i in range(1, len(array)):
for j in range(i, 0, -1):
if array[j] < array[j - 1]:
array[j], array[j - 1] = array[j - 1], array[j]
else:
break
print(array)
[0, 1, 2, 3, 4, 5, 6, 7, 8, 9]
array = [5, 7, 9, 0, 3, 1, 6, 2, 4, 8]
def quick_sort(array, start, end):
if start >= end: # 원소가 1개인 경우 종료
return
pivot = start # 피벗 설정
left = start + 1
right = end
while(left <= right):
# 피벗보다 큰 데이터를 찾을 떄까지 반복
while(left <= end and array[left] <= array[pivot]):
left += 1
# 피벗보다 작은 데이터를 찾을 때까지 반복
while(right > start and array[right] >= array[pivot]):
right -= 1
# 엇갈렸다면, 작은 데이터와 피벗을 교체
if(left > right):
array[right], array[pivot] = array[pivot], array[right]
# 엇갈리지 않았다면 작은 데이터와 큰 데이터를 교체
else:
array[left], array[right] = array[right], array[left]
# 분할 이후 왼쪽 부분과 오른쪽 부분에서 각각 정렬 수행
quick_sort(array, start, right-1)
quick_sort(array, right+1, end)
quick_sort(array, 0, len(array)-1)
array
[0, 1, 2, 3, 4, 5, 6, 7, 8, 9]
# ** 퀵 정렬2 - 파이썬의 장점을 살린 방식 **
array = [5, 7, 9, 0, 3, 1, 6, 2, 4, 8]
def quick_sort(array):
if len(array) <= 1:
return array
pivot = array[0]
not_pivot = array[1:]
left_side = [x for x in not_pivot if x <= pivot]
right_side = [x for x in not_pivot if x > pivot]
return quick_sort(left_side) + [pivot] + quick_sort(right_side)
print(quick_sort(array))
[0, 1, 2, 3, 4, 5, 6, 7, 8, 9]
array = [7, 5, 9, 0, 3, 1, 6, 2, 9, 1, 4, 8, 0, 5, 2]
# 모든 범위를 포함하는 리스트 선언 및 초기화
count = [0 for i in range(max(array) + 1)]
# 카운트
for i in range(len(array)):
count[array[i]] += 1
# 출력
for i in range(len(count)):
for j in range(count[i]): # coubt[i]의 수만큼 반복
print(i, end = ' ')
0 0 1 1 2 2 3 4 5 5 6 7 8 9 9
def binary_search(array, target, start, end):
if start > end:
return False
mid = (start + end) // 2
if array[mid] == target:
return mid
elif array[mid] > target:
return binary_search(array, target, start, mid - 1)
else:
return binary_search(array, target, mid + 1, end)
array = [5, 7, 9, 0, 3, 1, 6, 2, 4, 8]
array.sort()
result = binary_search(array, 6, 0, len(array) - 1)
print(result)
6
from bisect import bisect_left, bisect_right
a = [1, 2, 4, 4, 8]
x = 4
print(a)
print(bisect_left(a, x)) # 인덱스 반환
print(bisect_right(a, x)) # 인덱스 반환
[1, 2, 4, 4, 8]
2
4
# 피보나치 - 단순 재귀
def fibo(x):
if x == 1 or x == 2 :
return 1
return fibo(x - 1) + fibo(x - 2)
fibo(10)
55
피보나치는 다이나믹 프로그래밍의 사용 조건을 만족함
# 피보나치 - 탑다운 다이나믹 프로그래밍(재귀)
# 한 번 계산된 결과를 메모이제이션 하기 위한 리스트 초기화 0 ~ 99
d = [0] * 100
# 피보나치 함수를 재귀함수로 구현(탑다운 다이나믹 프로그래밍)
def fibo(x):
if x == 1 or x == 2:
return 1
# 이미 계산한 적 있는 문제라면 그대로 반환(메모이제이션)
if d[x] != 0:
return d[x]
# 계산하지 않은 문제는 점화식에 따라 피보나치 결과 반환
d[x] = fibo(x - 1) + fibo(x - 2)
return d[x]
print(fibo(99))
218922995834555169026
# 피보나치 - 바텀업 다이나믹 프로그래밍(반복문)
d = [0] * 100
# 첫 번째 피보나치 수와 두 번쨰 피보나치 수는 1
d[1], d[2] = 1, 1
n = 99
# 피보나치 함수 반복문으로 구현(바텀업 다이나믹 프로그래밍)
for i in range(3, n + 1):
d[i] = d[i - 1] + d[i - 2]
print(d[n])
218922995834555169026
# 백트래킹 사용
import sys
input = sys.stdin.readline
n, m = map(int, input().split())
sup = []
def dfs():
if len(sup)==m:
print(' '.join(map(str, sup)))
return
for i in range(1,n+1):
if i not in sup:
sup.append(i)
dfs()
sup.pop()
dfs()
def check(x):
for r in range(x):
# 같은 열 or 대각(열-열 == 행-행)
if row[x] == row[r] or abs(row[x] - row[r]) == abs(x - r):
return False
return True
def dfs(x):
global result
if x == n:
result += 1
return
else:
for col in range(n): # col
# [x, col]: queen
row[x] = col # [0,0] -> [1,0]
if check(x):
dfs(x + 1)
n = int(input())
row = [0 for _ in range(n)]
result = 0
dfs(0)
print(result)