728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형
728x90
반응형

1. GitHub > Sign Up

 

 

728x90
반응형
728x90
반응형

<script type="text/javascript">
if ( window.location.pathname == '/' ) {
     location.href = 'URL';
}
</script>

728x90
반응형

'기타 > 블로그' 카테고리의 다른 글

[tip] 블로그에 코드 올릴떄 쓰는거  (0) 2020.05.17
[tip] Tistory 단축키 만들기  (0) 2016.12.12
728x90
반응형

1. 스크립트

 

2. 결과

 

 

728x90
반응형
728x90
반응형

https://protonmail.com/

 

728x90
반응형
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
반응형

[위치]

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
반응형

** 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
반응형
<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
반응형

[문제점]

 - 사용자 로그인 화면(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. 레지스트리 수정

   경로 : 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
반응형

1. 코드

# MIPS :: Hello World Example ::
# File Name : "HelloWorld.asm"

.data
    str: .asciiz "\nHello World\n"
.text

main:
    li $v0, 4         # 4 : print
    la $a0, str
    syscall
    
    li $v0, 10        # 10 : exit
    syscall

위에 소스

 

2. 실행

파일 열기

 

실행 (Go)

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
[tip] windows7 로그인 배경화면 변경 방법  (0) 2016.09.17
[MIPS] PCSpim  (0) 2015.10.03
728x90
반응형

1. 개요

 - PCSpim : MIPS 프로세서 시뮬레이터 (mips반대 -> spim)

 

2. UI

1) 레지스터 : 레지스터 값 확인

2) 코드 : 코드 확인 가능

3) 메모리 : 데이터, 스택 등의 메모리 확인 가능

4) Go (빨간 박스 안쪽의 왼쪽 버튼) : 시뮬레이션 시작, 누르면 Starting Address를 정할 수 있다. (기본은 0x00400000)

 

3. 다운로드

- http://pages.cs.wisc.edu/~larus/spim.html

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
[tip] windows7 로그인 배경화면 변경 방법  (0) 2016.09.17
[MIPS] Hello World  (0) 2015.10.03

+ Recent posts