창을 figure라고 하는 것 같은데

openCV는 창을 명시하고 그릴 데이터를 지정한다면

openGL은 선택을 하고 그리는 거라 순서가 필요한데

matplotlib은 openGL 처럼 그릴곳을 선택하고 그리는 컨셉을 사용한 듯.

 

>>> plt.ion() # 인터랙티브모드 전환
<matplotlib.pyplot._IonContext object at 0x71521b249b40>
>>> plt.figure(1) # 여기서 Figure 1 이라는 창이 열림
<Figure size 640x480 with 0 Axes>
>>> plt.plot([1,2,3]) # Figure 1 창에 그래프 그려짐
[<matplotlib.lines.Line2D object at 0x7152194aead0>]
>>> plt.figure(2) # 여기서 Figure 2 이라는 창이 열림
<Figure size 640x480 with 0 Axes>
>>> plt.plot([2,3,4,5]) # Figure 2 창에 그래프 그려짐
[<matplotlib.lines.Line2D object at 0x71521a9c2410>]
>>> plt.figure(1) # UI 상으로 변동은 없으나 Figure 1 창에 그리도록 선택
<Figure size 640x480 with 1 Axes>
>>> plt.plot([2,3,4,5]) # Figure 1 창에 추가로 그려짐
[<matplotlib.lines.Line2D object at 0x71521a9eca30>]

[링크 : https://matplotlib.org/stable/gallery/subplots_axes_and_figures/multiple_figs_demo.html]

 

하나의 창 안에서 나누는건 subplot 인듯

[링크 : https://stackoverflow.com/questions/41210823/display-multiple-images-in-subplots]

Posted by 구차니

subplot을 생성하고 해도 되고

plt.plot() 으로 바로 한 것에 plt.cla() 해도 된다.

 

>>> fig, ax = plt.subplots()
>>> ax.plot([0,1,2,3,4,5])

>>> ax.clf()
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
AttributeError: 'AxesSubplot' object has no attribute 'clf'. Did you mean: 'cla'?

>>> ax.cla()

[링크 : https://m.blog.naver.com/hsy2569/221814138095]

Posted by 구차니
Programming/openCV2024. 5. 23. 12:19

openCV를 파이썬에서 사용할때

highGUI를 쓰면 편하긴 한데..

cv2.imshow()를 쓰려고 하면, cv2.waitKey()를 써서 멈춰줘야만 해서 인터프리터에서 쓰기가 힘들다

 

matplotlib을 plt.ion() 으로 인터랙티브 모드 켜게 되면

matplotlib의 plot이 독립 쓰레드로 작동해서 opencv의 highGUI 처럼 멈추지 않고 작동한다.

plt.imshow()는 단순하게 이미지 포인터를 바꾸어 주고

plt.pause()를 통해 데이터를 실제 GUI에 갱신할 시간을 벌어주고

plt.show()를 통해 이미지를 업데이트 한다.

import matplotlib.pyplot as plt
import cv2

cap = cv2.VideoCapture(0)    
plt.ion()

while (True):
    ret, frame = cap.read()
    if cv2.waitKey(1) & 0xFF == ord('q'):
        break
    plt.subplot(1,2,1), plt.imshow(frame, interpolation='nearest')  
    plt.pause(0.001)
    plt.show()

[링크 : https://stackoverflow.com/questions/47172219/how-can-i-use-matplotlib-in-real-time]

 

openCV가 v4l로 이미지를 획득할때는 BGR로 받고, matplotlib은 RGB로 표현하니, 위의 예제를 실행하면 사람이 스머프가 된다.

img_cv2 = cv2.cvtColor(img,cv2.COLOR_BGR2RGB)

[링크 : https://tempdev.tistory.com/32]

 

전체 코드를 보면 아래와 같이 되는데.. cv2.imshow() 보다 많이 느린 느낌.. 딱 테스트용으로만 쓸 수 있을 듯

import cv2
import matplotlib.pyplot as plt

cap = cv2.VideoCapture(0)
plt.ion()

while (True):
    ret, img = cap.read()
    data = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)
    plt.imshow(data)
    plt.pause(0.001)
    plt.show()
Posted by 구차니

linux 에서는 pulseaudio 쓰는 라이브러리가 유리하겠지?

[링크 : https://pypi.org/project/SoundCard/]

[링크 : https://soundcard.readthedocs.io/en/latest/]

 

Posted by 구차니

chatGPT 님 가라사대

재생 예제, 녹음 + fft 분석

import numpy as np
import sounddevice as sd

# 파라미터 설정
duration = 3  # 재생할 시간(초)
sampling_freq = 44100  # 샘플링 주파수 (Hz)
frequency = 440  # sine 파의 주파수 (Hz)

# 시간 배열 생성
t = np.linspace(0, duration, int(sampling_freq * duration), endpoint=False)

# sine 파 생성
sine_wave = np.sin(2 * np.pi * frequency * t)

# 사운드 재생
sd.play(sine_wave, samplerate=sampling_freq)
sd.wait()  # 재생이 끝날 때까지 대기
import numpy as np
import matplotlib.pyplot as plt
import sounddevice as sd
from scipy.fft import fft

# 녹음 파라미터 설정
duration = 5  # 녹음 시간 (초)
sampling_freq = 44100  # 샘플링 주파수 (Hz)

# 녹음 시작
print("녹음을 시작합니다...")
recorded_audio = sd.rec(int(duration * sampling_freq), samplerate=sampling_freq, channels=1)
sd.wait()  # 녹음이 끝날 때까지 대기
print("녹음이 완료되었습니다.")

# FFT를 위한 주파수 영역 생성
freq_axis = np.fft.fftfreq(len(recorded_audio), d=1/sampling_freq)

# FFT 계산
audio_fft = fft(recorded_audio.flatten())

# FFT 결과 그래프 표시
plt.figure(figsize=(10, 4))
plt.plot(freq_axis[:len(freq_axis)//2], np.abs(audio_fft)[:len(freq_axis)//2])
plt.title("FFT 분석 결과")
plt.xlabel("주파수 (Hz)")
plt.ylabel("Magnitude")
plt.grid(True)
plt.show()

[링크 : https://pypi.org/project/sounddevice/]

 

Assuming you have a NumPy array named myarray holding audio data with a sampling frequency of fs (in the most cases this will be 44100 or 48000 frames per second), you can play it back with play():
sd.play(myarray, fs)

[링크 : https://python-sounddevice.readthedocs.io/en/0.4.6/usage.html#playback]

 

duration = 10.5  # seconds
myrecording = sd.rec(int(duration * fs), samplerate=fs, channels=2)

[링크 : https://python-sounddevice.readthedocs.io/en/0.4.6/usage.html#recording]

 

[링크 : https://python-sounddevice.readthedocs.io/en/0.4.6/]

 

+

반복 재생

import soundfile as sf
import sounddevice as sd

weight = 1.4

data, fs = sf.read('sound.wav')
sd.play(data * weight, fs,loop=True)
sd.stop()

[링크 : https://stackoverflow.com/questions/47606214/stop-the-loop-in-sounddevice-audio-output]

Posted by 구차니
Programming/vue.js2024. 5. 9. 10:21

created가 이름부터 당연하지만(?) mounted 보다 우선적으로 작동하고

mounted는 ui에 연결되는 변수에 대해서 초기화 하는 쪽

 

[링크 : https://ko.vuejs.org/guide/essentials/lifecycle]

    [링크 : https://webruden.tistory.com/926]

[링크 : https://aomee0880.tistory.com/185]

 

computed는 저장된 결과를 반환

method는 렌더링 시 마다 함수 실행

이라는데 무슨 뜻인지.. 종속된 값이 먼지 부터 찾아 봐야 할 듯.

[링크 : https://sunny921.github.io/posts/vuejs-computed-method/]

 

computed는 값이 변하는 이벤트가 발생하지 않으면 처리 조차 하지 않고 기존 값을 리턴(캐싱) 한다.

computed는 예제의 message의 값이 변했을 경우만 다시 렌더링 한다.

[링크 : https://kbcoding.tistory.com/47]

 

'Programming > vue.js' 카테고리의 다른 글

vue.js node.js 메모리 누수?  (0) 2024.04.22
vue webpack  (0) 2024.04.19
vue import "@"  (0) 2024.04.19
vue webpack ckeditor  (0) 2024.04.19
vue3 ckeditor5 document editor 추가하기  (0) 2024.04.18
Posted by 구차니

python 실행하기 위한 명령어 줄, 물론 pip 로 패키지도 없어서 그냥 깡통 python 상태

$ docker run --rm -it python python

[링크 : https://seorenn.github.io/note/docker-development-environment.html]

 

docker 로 장치연결해주기

docker run -ti -v /tmp/.X11-unix/:/tmp/.X11-unix --env QT_X11_NO_MITSHM=1 --device=/dev/video0:/dev/video0 -e DISPLAY=$DISPLAY --name test pytorch/pytorch:1.12.1-cuda11.3-cudnn8-devel /bin/bash

[링크 : https://shuka.tistory.com/68]

[링크 : https://blog.naver.com/cheeryun/222383212241]

 

$ docker run --rm -it python bash
# pip install opencv-python

[링크 : https://pypi.org/project/opencv-python/]

 

아래는 테스트 필요 + docker 내에서 해야하나 찾아보는 중

$ sudo apt install libgl1-mesa-glx libglib2.0-0

[링크 : https://yuevelyne.tistory.com/entry/OpenCV-ImportError-libGLso1-cannot-open-shared-object-file-No-such-file-or-directory]

 

wayland 예제 검색.. 

$ docker run -e XDG_RUNTIME_DIR=/tmp \
           -e WAYLAND_DISPLAY=$WAYLAND_DISPLAY \
           -v $XDG_RUNTIME_DIR/$WAYLAND_DISPLAY:/tmp/$WAYLAND_DISPLAY  \
           --user=$(id -u):$(id -g) \
           imagename waylandapplication


[링크 : https://unix.stackexchange.com/questions/330366/]

 

ubuntu 22.04 인데 안된다. ㅠㅠ

Qt 쪽 변수를 넘겨줘야 하나?

>>> cv2.imshow("test",a)
qt.qpa.xcb: could not connect to display 
qt.qpa.plugin: Could not load the Qt platform plugin "xcb" in "/usr/local/lib/python3.12/site-packages/cv2/qt/plugins" even though it was found.
This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: xcb.

Aborted (core dumped)

 

패키지 깐다고 해결되면 행복은 하겠는데...

pip install PyQt5

[링크 : https://csm-kr.tistory.com/114]

'Programming > python(파이썬)' 카테고리의 다른 글

python soundcard 라이브러리  (0) 2024.05.21
python 사운드 장치  (0) 2024.05.10
python thread event  (0) 2024.03.05
cv2.ximgproc 없을 경우  (0) 2024.02.28
cv2.stereoBM + WLS  (0) 2024.02.28
Posted by 구차니
Programming/vue.js2024. 4. 22. 17:35

vue에서 npm run server 하는데, 아래처럼 메시지가 나오고 멈춰있어서

[70%] sealing finish module graph ESLintWebpackPlugin_1

 

top 으로 보는데 node 가 32G의 메모리는 가상으로 잡고 있는걸 보고 기겁..

    PID USER      PR  NI    VIRT    RES    SHR S  %CPU  %MEM     TIME+ COMMAND                                                  
  61734 root      20   0   31.8g   1.0g  41728 R 100.0   6.7   3:02.32 node           

 

아무튼 가상메모리 관련해서 문제가 있는거 아닌가 해서 우회법을 찾는데 영.. 되질 않네

[링크 : https://divlook.tistory.com/10]

[링크 : https://evan-moon.github.io/2019/08/08/fix-webpack-dev-memory-leak/]

 

NODE_OPTIONS=--max-old-space-size=4096

Note
: If you have specified export NODE_OPTIONS=<value> in your package.json, it'll override what you set in the NODE_OPTIONS environment variable in the config.yml (either at the container, job, or step respective level)

[링크 : https://support.circleci.com/hc/en-us/articles/360009208393-How-Can-I-Increase-the-Max-Memory-for-Node]

'Programming > vue.js' 카테고리의 다른 글

vue created mounted, method computed  (0) 2024.05.09
vue webpack  (0) 2024.04.19
vue import "@"  (0) 2024.04.19
vue webpack ckeditor  (0) 2024.04.19
vue3 ckeditor5 document editor 추가하기  (0) 2024.04.18
Posted by 구차니
Programming/vue.js2024. 4. 19. 19:06

도대체 이 망할(?) webpack은 처음부터 되어있던거 아닌가?

ckeditor 넣어서 하려니 멀 어떻게 해야 할지 감이 안돈다.

 

[링크 : https://cli.vuejs.org/guide/webpack.html]

[링크 : https://reintech.io/blog/integrating-vue-js-with-webpack]

 

'Programming > vue.js' 카테고리의 다른 글

vue created mounted, method computed  (0) 2024.05.09
vue.js node.js 메모리 누수?  (0) 2024.04.22
vue import "@"  (0) 2024.04.19
vue webpack ckeditor  (0) 2024.04.19
vue3 ckeditor5 document editor 추가하기  (0) 2024.04.18
Posted by 구차니
Programming/vue.js2024. 4. 19. 18:07

node.js 에서 alias로 정의되는 소스 디렉토리의 경로

[링크 : https://mikkeller.tistory.com/26]

[링크 : https://stackoverflow.com/questions/42749973/what-does-the-mean-inside-an-import-path]

 

'Programming > vue.js' 카테고리의 다른 글

vue.js node.js 메모리 누수?  (0) 2024.04.22
vue webpack  (0) 2024.04.19
vue webpack ckeditor  (0) 2024.04.19
vue3 ckeditor5 document editor 추가하기  (0) 2024.04.18
vue 입력창 포커스 설정  (0) 2024.03.28
Posted by 구차니