taoki commited on
Commit
2103d14
1 Parent(s): 61e13f9

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +30 -15
README.md CHANGED
@@ -30,16 +30,16 @@ from transformers import AutoTokenizer, AutoModelForCausalLM
30
  import torch
31
 
32
  tokenizer = AutoTokenizer.from_pretrained(
33
- "deepseek-ai/deepseek-coder-6.7b-instruct"
34
  )
35
  model = AutoModelForCausalLM.from_pretrained(
36
- "deepseek-ai/deepseek-coder-6.7b-instruct"
37
  )
38
 
39
  if torch.cuda.is_available():
40
  model = model.to("cuda")
41
 
42
- prompt="""You are an AI programming assistant, utilizing the DeepSeek Coder model, developed by DeepSeek Company, and you only answer questions related to computer science. For politically sensitive questions, security and privacy issues, and other non-computer science questions, you will refuse to answer.
43
  ### Instruction:
44
  OpenCVを用いて定点カメラから画像を保存するコードを示してください。
45
  ### Response:
@@ -48,7 +48,7 @@ OpenCVを用いて定点カメラから画像を保存するコードを示し
48
  input_ids = tokenizer(prompt, return_tensors="pt").to(model.device)
49
  outputs = model.generate(
50
  **input_ids,
51
- max_new_tokens=256,
52
  do_sample=True,
53
  top_p=0.9,
54
  temperature=0.2,
@@ -60,24 +60,39 @@ print(tokenizer.decode(outputs[0]))
60
  # Output
61
 
62
  ````
63
- <|begin▁of▁sentence|>You are an AI programming assistant, utilizing the DeepSeek Coder model, developed by DeepSeek Company, and you only answer questions related to computer science. For politically sensitive questions, security and privacy issues, and other non-computer science questions, you will refuse to answer.
64
  ### Instruction:
65
  OpenCVを用いて定点カメラから画像を保存するコードを示してください。
66
  ### Response:
 
 
67
  ```python
68
  import cv2
69
- cap = cv2.VideoCapture(0) # カメラの設定
70
- fourcc = cv2.VideoWriter_fourcc(*'XVID') # 動画の形式
71
- out = cv2.VideoWriter('output.avi', fourcc, 20.0, (640, 480)) # 出力先、fps、解像度
72
- while True:
73
- ret, frame = cap.read() # 映像読み込み
74
- if not ret: break
75
- out.write(frame) # 書き込み
76
- cv2.imshow('Frame', frame) # 表示
77
- if cv2.waitKey(1) & 0xFF == ord('q'): # qで終了
78
- break
 
 
 
 
 
 
 
79
  cap.release()
80
  cv2.destroyAllWindows()
81
  ```
 
 
 
 
 
 
82
  <|EOT|>
83
  ````
 
30
  import torch
31
 
32
  tokenizer = AutoTokenizer.from_pretrained(
33
+ "taoki/deepseek-coder-6.7b-it-jmultiwoz-dolly-amenokaku-alpaca_jp_python"
34
  )
35
  model = AutoModelForCausalLM.from_pretrained(
36
+ "taoki/deepseek-coder-6.7b-it-jmultiwoz-dolly-amenokaku-alpaca_jp_python"
37
  )
38
 
39
  if torch.cuda.is_available():
40
  model = model.to("cuda")
41
 
42
+ prompt="""あなたはプログラミングアシスタントです。
43
  ### Instruction:
44
  OpenCVを用いて定点カメラから画像を保存するコードを示してください。
45
  ### Response:
 
48
  input_ids = tokenizer(prompt, return_tensors="pt").to(model.device)
49
  outputs = model.generate(
50
  **input_ids,
51
+ max_new_tokens=512,
52
  do_sample=True,
53
  top_p=0.9,
54
  temperature=0.2,
 
60
  # Output
61
 
62
  ````
63
+ <|begin▁of▁sentence|>あなたはプログラミングアシスタントです。
64
  ### Instruction:
65
  OpenCVを用いて定点カメラから画像を保存するコードを示してください。
66
  ### Response:
67
+ 以下のPythonコードは、OpenCVを使用して定点カメラから画像を取得し、保存する方法を示します。
68
+
69
  ```python
70
  import cv2
71
+
72
+ # カメラ設定
73
+ camera_id = 0 # 通常のカメラIDは0
74
+ cap = cv2.VideoCapture(camera_id)
75
+
76
+ if not cap.isOpened():
77
+ print("Failed to open camera")
78
+ else:
79
+ ret, frame = cap.read()
80
+ if ret:
81
+ # 画像を保存する
82
+ filename = 'image.jpg'
83
+ cv2.imwrite(filename, frame)
84
+ print('Image saved as', filename)
85
+ else:
86
+ print('Failed to capture image')
87
+
88
  cap.release()
89
  cv2.destroyAllWindows()
90
  ```
91
+
92
+ 上記のコードでは、`cv2.VideoCapture()`関数でカメラを指定し、`cap.read()`で画像を読み込みます。成功した場合はTrueが返り、画像がframeとして返されます。
93
+
94
+ 次に、`cv2.imwrite()`関数で画像を保存します。第一引数には保存先のパスを指定し、第二引数には保存する画像を指定します。
95
+
96
+ 最後に、`cap.release()`でカメラを解放し、`cv2.destroyAllWindows()`で全てのウィンドウを破棄します。
97
  <|EOT|>
98
  ````