분류 전체보기

Other...

매크로 소스코드 11번가 매크로 프로그램 11번가매크로

상품 자동구매영상보기 youtu.be/_0sxIgzPxDs 예약상품 영상보기 youtu.be/6NBJBOpFBVA 최근 인터넷으로 제품을 구매하는 사람들이 많아지면서 경쟁이 상당히 치열해졌습니다.... 예약 구매, 타임딜 등 다양한 이벤트로 소비자들을 농락? 하는 시대에.. 저는 화가 났습니다.... 한 번도 구매에 성공하지 못한 저는 결국 프로그램을 만들었습니다...ㅋㅋ 매우 간결하며,, 쉽고 빠릅니다 이 프로그램은 11번가에서 정상작동 가능합니다. 상품이 품절이거나 예약판매인 경우 기다렸다 구매까지 해주는 프로그램입니다. 결제 방법은 무통장 거래입니다. 11번가가 아닌 다른 쇼핑몰에도 적용가능합니다 본인이 직접 코드를 수정하신다면.. (쿠팡은 10월부터 막힌걸로 압니다) 코드에 주석을 달아놔서 비 전..

Visual Odometry

Visual Odometry 논문 정리

Awesome Deep Visual Odometry Supervised Learning Year Title Doc Code Other 2017 DeepVO: Towards End-to-End Visual Odometry with Deep Recurrent Convolutional Neural Networks pdf repo website Self-Supervised Learning Year Title Doc Code Other 2017 Unsupervised Learning of Depth and Ego-Motion from Video pdf repo website 2017 UnDeepVO: Monocular Visual Odometry through Unsupervised Deep Learning pd..

Ubuntu

Ubuntu 명령어 + Ubuntu SSH

Ubuntu 명령어 핵심명령어 #현재위치 $ pwd #명령창 지우기 $ claer #패키지 업데이트, 설치, 업그레이드, 지우기, 찾기 $ sudo apt-get update $ sudo apt-get install $ sudo apt-get upgrade $ sudo apt-get remove [패키지명] $ sudo apt-cache serch [패키지명] #소스코드 다운 $ sudo wget -o [파일명] [url] #git code 다운 $ git clone [url] [디렉토리명] # USB장치 확인 $ sudo lsusb $ sudo lsusb -v #USB캠 확인 $ ls -l /dev/video* #카메라 포맷확인 $ v4l2-ctl -d /dev/video2 --list-formats-..

Machine learning

PyTorch GAN MNIST 구현하기

PyTorch_GAN_MNIST 구현하기 Code : Git import torch import torch.nn as nn #Neural Networks import torch.optim as optim #최적화 알고리즘을 구현하는 패키지 import torchvision.utils as utils import torchvision.datasets as dsets #널리 사용되는 데이터세트, 모델, 아키텍처 import torchvision.transforms as transforms #이미지 변환 패키지 import numpy as np #행렬, 배열 계산 from matplotlib import pyplot as plt #데이터 시각화 패키지 is_cuda = torch.cuda.is_availabl..

Ubuntu

Ubuntu 18.04 LTS 카카오톡 설치하기

sudo apt-get install fonts-nanum* sudo apt-get install wine-stable cabextract WINEARCH=win32 WINEPREFIX=~/.wine wineboot wget -q "http://deb.playonlinux.com/public.gpg" -O- | sudo apt-key add - sudo wget http://deb.playonlinux.com/playonlinux_xenial.list -O /etc/apt/sources.list.d/playonlinux.list sudo apt-get update sudo apt-get install playonlinux POL_install_gdiplus POL_install_riched20 POL_i..

Machine learning

ImageNet VGG

PyTorch ImageNet VGG16 none_avg_pool #1번 self.classifier = nn.Sequential( nn.Linear(512 * 7 * 7, 4096), nn.ReLU(True), nn.Dropout(), nn.Linear(4096, 4096), nn.ReLU(True), nn.Dropout(), nn.Linear(4096, 1000), ) def forward(self, x): x = self.features(x) x = x.view(x.size(0), -1) x = self.classifier(x) return x Epoch : 1 / Loss : 6.9131 / Time : 13.3H #2번 self.classifier = nn.Linear(7*7*512, 1000)..

Computer Vision

OpenVSLAM 구현하기

OpenVSLAM 설치부터 카메라출력까지 GitCode INDEX Installation Source Code Linux macOS Build instruc Server Setup for Socket Viewer Simple Tutorial Tutorial Sample Datasets Tracking and Mapping Locallization Example SLAM with Video Files SLAM with Image Sequences SLAM with Standard Datasets SLAM with UVC cmaera Installation Git Source Code 다운로드 홈페이지 git clone https://github.com/xdspacelab/openvslam 다운받은 Open..

Ubuntu

Ubuntu 18.04 LTS 그래픽드라이버, cuda, cuDNN RTX 2060 super

그래픽카드 드라이버 설치 APT 설치 $ sudo add-apt-repository ppa:graphics-drivers/ppa $ sudo apt update $ sudo apt-get install nvidia-driver-440 $ sudo reboot 자동설치 $ sudo add-apt-repository ppa:graphics-drivers/ppa $ sudo apt update $ sudo ubuntu-drivers autoinstall $ sudo reboot cuda10.0설치 sudo apt-get install cuda-10-0 cuDNN Archive https://developer.nvidia.com/rdp/cudnn-archive cuDNN Archive NVIDIA cuDNN i..

Ubuntu

Ubuntu 18.04 LTS 구글 크롬설치하기

순서대로 진행하면~ $ wget -q -O - https://dl-ssl.google.com/linux/linux_signing_key.pub | sudo apt-key add - $ sudo sh -c 'echo "deb [arch=amd64] http://dl.google.com/linux/chrome/deb/ stable main" >> /etc/apt/sources.list.d/google.list' $ sudo apt-get update $ sudo apt-get install google-chrome-stable $ sudo rm -rf /etc/apt/sources.list.d/google.list - 끝 -

Ubuntu

Ubuntu 18.04 LTS 외장하드 인식 하기[Not authorized to perform operatio]

Windows, Mac, Linux에서 사용하기 위해서 외장하드 포맷은 exFAT를 사용하고 있다. exFAT의 가장 큰 장점은 파일의 최대 크기 제한이 없다는 겁니다. 안전성이 취약하다고 하다는데 잘 모르겠음.. 잘 사용하고 있는 외장하드를 리눅스에 마운트 하는데 안된다면~ sudo apt-get install exfat-fuse exfat-utils 여기서 잘 인식되면 다행이지만.. 저처럼 Chrome Remote Desktop을 사용 중이신 분은 Not authorized to perform operation이라고 뜰 겁니다. 당황하지 마시고 Chrome remoe desktop을 중지합니다 /opt/google/chrome-remote-desktop/chrome-remote-desktop --st..

Machine learning

ML: 1.지도학습, 비지도학습, 강화학습

오늘 공부할 내용은 Machine Learning의 Types에 대해 알아보겠습니다. 1. Types of ML 크게 지도학습(Supervised Learning), 비지도학습(Unsupervised Learning), 강화학습(Reinforcement Learning)으로 나뉩니다. Supervised Learning에 대해 알아보겠습니다. 지도학습의 경우는 Classification과 Regression으로 나뉩니다. Classification(분류)에 대해서 살펴보겠습니다. - Binary classification - Multi - Label classification Classification Target Binary classification Binary Multi - Label classif..

Dissertation

Eigen Face-Turk-Pentland

영문 - https://gxvdm-my.sharepoint.com/:b:/g/personal/livekey745_365office_store/EXYwdkJ1lHFDo3r-rWtCX9kBtXvxF6TmdH45NrnjwexP9Q?e=m8d9tX

리틀피그
'분류 전체보기' 카테고리의 글 목록 (11 Page)