파이썬(23)
-
numpy 차원수 늘리기 / 줄이기
워낙 기초가 안되어 있다보니, numpy 변수의 차원을 늘리는 것조차 급하면 생각이 안나서 기록해둠 print('test_images[0].shape : ', test_images[0].shape) expand_dims_val0 = np.expand_dims(test_images[0], axis=0) print('expand_dims_val0.shape : ', expand_dims_val0.shape) expand_dims_val1 = np.expand_dims(test_images[0], axis=1) print('expand_dims_val1.shape : ', expand_dims_val1.shape) expand_dims_val2 = np.expand_dims(test_images[0], axi..
2021.10.28 -
그래프의 개형을 그려보자
흑백 이미지의 히스토그램의 개형을 그려보려고 이래저래 검색하여 테스트 한 결과를 정리하고자 한다 ** np.polyfit 함수의 마지막 인자가 그래프 형태를 결정하는 인자인듯 import numpy as np import cv2 from matplotlib import pyplot as plt img = cv2.imread('d:/bag/Capture/combo1_Infrared_center_02.png',0) hist = cv2.calcHist([img],[0],None,[256],[0,256]) x = np.arange(0,256) hist2 = np.zeros(256); avg_value = 9 avg_value_2 = int(avg_value/2) hist = hist.reshape(256) pf..
2021.04.17 -
pymodbus test
>>> from pymodbus.client.sync import ModbusTcpClient as ModbusClient >>> import logging >>> client = ModbusClient('localhost', port=502) >>> client.connect() True >>> rr = client.read_coils(0, 1, unit=1) >>> print(rr.bits) [False, False, False, False, False, False, False, False] >>> rr = client.read_holding_registers(1,18,unit=1) >>> print(rr.registers) [2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,..
2021.03.25 -
Pandas 관련 이것저것
다음의 강의를 공부하기 위해 실습한 내용입니다. www.inflearn.com/course/pandas-%ED%8C%AC%EB%8D%94%EC%8A%A4-%EB%8D%B0%EC%9D%B4%ED%84%B0%EB%B6%84%EC%84%9D-%EA%B8%B0%EC%B4%88/dashboard 1. Pandas로 csv파일 읽는 법 import pandas as pd data_frame = pd.read_csv('data/friend_list.csv', delimiter = ',') data_frame - pandas는 numpy를 이용한다. 2. Column Name이 없어서 넣어줄 때 import pandas as pd data_frame = pd.read_csv('data/friend_list_nohead..
2021.03.06 -
[파이썬] 간단한 그래프 그리기
아직까지 파이썬이 익숙하지 않은 관계로... 간단한 그래프 그리려고 해도 검색을.... 귀찮음... import numpy as np import matplotlib.pyplot as plt x = np.arange(0, 6.3, 0.1) #0에서 6.3까지 0.1 단위로 y1 = np.sin(x) y2 = np.cos(x) #그래프 그리기 plt.plot(x, y1, label="sin") plt.plot(x, y2, linestyle-"--", label="cos") #cos 함수는 점선으로 plt.xlabel("x") #x축 이름 plt.ylabel("y") #y축 이름 plt.title('sin & cos') # 제목 plt.legend() plt.show()
2021.02.22 -
KERAS Convolution 필터 데이터 저장하기
케라스를 잘 하지는 못하지만...-_-; 케라스 Convolution 하는 중간에 데이터가 (1, 30, 30, 96) (1, 14, 14, 96) (1, 6, 6, 384) 이런 형태로 나오던데, 필터수가 마지막에 나오는 걸로 알고 있는데, 이미지화 하려면 (1, 30, 30, 96) -> (96, 30, 30) 이렇게 바꿔야 할듯 import numpy as np from PIL import Image ''' 이놈으로 표현되어야 할 듯 : v = np.array(np.uint8( [ [[0, 0, 0],[50, 50, 50], [100, 100, 100]], [[100, 100, 100],[150, 150, 150], [200, 200, 200]] ] )) #''' v = np.array(np.uin..
2020.12.09 -
[keras] 이미지 파일 읽어서 numpy로 (나중에 다시 코딩하기 귀찮음)
tensorflow 1.15.0 keras 2.3.1 # -*- coding: utf-8 -*- import os import numpy as np from keras.preprocessing import image X = [] Y = [] filenames = [] z = 0 dataset_dir = 'D:/DataDir/' print(os.walk(dataset_dir)) for subdir, dirs, files in os.walk(dataset_dir): print('subdir : ', subdir, 'dirs : ', dirs) for f_path in files[:]: if f_path.endswith('png'): img = image.load_img(os.path.join(subdir, ..
2020.10.23 -
텍스트 파일2개로 나누기
import os import shutil path = 'D:/Yolo/darknet/build/darknet/x64/model/fuelhole04_combo' train_txt = os.path.join(path, 'train.txt') test_txt = os.path.join(path, 'test.txt') f = open(train_txt) lines = f.readlines() f.close() #os.remove(train_txt) f_train = open(train_txt, mode='wt', encoding='utf-8') f_test = open(test_txt, mode='wt', encoding='utf-8') for i in range(len(lines)): if i % 10 ==..
2020.09.11 -
이미지 파일 하나씩 조회하기
import cv2 import os index = 0 file_list = os.listdir('.') file_list_jpg = [file for file in file_list if file.endswith(".jpg")] key = 0 chkey = '' while chkey != 'Q' and chkey != 'q': img = cv2.imread(file_list_jpg[index], cv2.IMREAD_COLOR) cv2.imshow('image', img) key = cv2.waitKey(0) chkey = chr(key) #print('key : ', key, chr(key)) if chkey == 'n': index = index + 1 if index >= len(file_list_..
2020.06.30 -
이미지를 흑백으로 읽어 배열로 변환
파이썬이 익숙하지 못해서 나중에 복붙이라도 할려고... import numpy as np import cv2 import matplotlib.pyplot as plt # Read image im = cv2.imread( 'e:/...Path..../image.bmp', cv2.IMREAD_GRAYSCALE ) print(im.shape) plt.imshow(im) im = im.reshape(-1) print(im.shape) #또 다른 방법 from PIL import Image import numpy im = Image.open('저장경로').convert('L') data = numpy.asarray(im) print(data.shape) #여러개 파일 일괄 변환 import os import cv..
2020.02.25