ASUSTOR NAS からのサルベージ

ASUSTOR NASからのファイルサルベージ手順を解説します。 まず、ASUSTORのNASでは通常、Btrfsによるファイルシステムが組まれています。 そのため、ドライブのマウントにはWindows 11のWSLを使用します。 WSLによるドライブのマウントはInsiderのBuild 20000前後から有効になったので、Windows 11であれば通常利用できます。 まず、Windows上でのデバイス名の調査が必要です。 現状では一番手っ取り早いのはwmicを使った方法です。wmicは開発が終了していますが現在はまだ使用できます。 wmic diskdrive list brief これにより、Windowsに接続したドライブのデバイス名を取得できます。 そのうえで、WSLからドライブをマウントします wsl --mount \\.\PHYSICALDRIVE2 --bare RAIDを組んでいる場合、bareでマウントする必要があります。 WSLが起動したら、dmesgで確認します。 sudo smesg | tail [ 79.173171] hv_pci a5b3974f-ec42-4778-8210-d21a045a897a: PCI VMBus probing: Using version 0x10003 [ 79.224968] hv_pci a5b3974f-ec42-4778-8210-d21a045a897a: PCI host bridge to bus ec42:00 [ 79.224970] pci_bus ec42:00: root bus resource [mem 0xbffe1c000-0xbffe1efff window] [ 79.225616] pci ec42:00:00.0: [1af4:1049] type 00 class 0x010000 [ 79.226281] pci ec42:00:00.0: reg 0x10: [mem 0xbffe1c000-0xbffe1cfff 64bit] [ 79.226699] pci ec42:00:00.0: reg 0x18: [mem 0xbffe1d000-0xbffe1dfff 64bit] [ 79.227112] pci ec42:00:00.0: reg 0x20: [mem 0xbffe1e000-0xbffe1efff 64bit] [ 79.230378] pci ec42:00:00.0: BAR 0: assigned [mem 0xbffe1c000-0xbffe1cfff 64bit] [ 79.230792] pci ec42:00:00.0: BAR 2: assigned [mem 0xbffe1d000-0xbffe1dfff 64bit] [ 79.231163] pci ec42:00:00.0: BAR 4: assigned [mem 0xbffe1e000-0xbffe1efff 64bit] 続いて、blkidで確認します。 ...

3月 20, 2022 · 1 分 · 188 文字 · Me

Microsoft Ignite 2021 Fall Update

Introduction DLLABでIgnite 2021 Fallを受けての最新アップデートとして勉強会が開催されたので受講しました。 Program 時間 セッションテーマ 登壇者 13:00 - 13:10 Azure AI アップデート 小田 健太郎 Azure Product Marketing Manager 13:10 - 13:40 Azure AI アップデート 小川 航平 Cloud Solution Architect 13:40 - 14:10 Azure Synapse Analytics アップデート 永田 祥平 Cloud Solution Architect 14:10 - 14:20 Q&A 各スピーカーより 14:20 - 14:30 クロージング 小田 健太郎 Azure Product Marketing Manager Topic Azure AI アップデート Azure Video Analyzer Azure Cognitive Search Semantic Search Azure Cognitive Service for Lanaguage カスタムテキスト分類 カスタム固有表現認識 (NER) 会話言語理解 Azure Open AI Service Azure Machine Learning テキストラベル付けプロジェクトを作成してラベルをエクスポートする Machine Learning + Analytics PREDICT in Synapse Spark Synapse ML (旧 Microsoft Machine Learning for Apache Spark) Cognitive Services Linked service for Synapse Azure Synapse Analytics アップデート Azure Synapse Analyticsの物理的アーキテクチャ Azure Synapse Link Azure Synapse Link for Cosmos DB Azure Synapse Link for Dataverse Azure Synapse Link for SQL Server 2022 Event Hub Premium Synapse Data Explorer データベーステンプレート Synapse Spark 3.1 NVIDIA GPU Accelaration in Synapse Spark Data lake support Cognitive Service Integration Azure Synapse pre-purchase plan Content セッションとしては2セッション、Azure AI アップデートと Synapse Analyticsになります。 ...

12月 17, 2021 · 1 分 · 194 文字 · Me

Transformersによる文書の分類

Hugging Face Transformersを使ってネガポジを判定するモデルを作ってみました。 query title label negaposi この映画は本当に面白い 0 みたいな形で教師を作り、それを投入して学習させました。 東北大学の日本語 BERT モデルを事前学習モデルとし、 それをSequence Classificationさせました。 モデリング自体は、Google Colaboratoryを用いて実行しました。 学習 !pip install transformers[ja]==4.3.3 torch==1.9 sentencepiece==0.1.91 from google.colab import drive import pandas as pd from sklearn.model_selection import train_test_split from transformers import BertJapaneseTokenizer, BertForSequenceClassification, BertForMaskedLM, pipeline, Trainer, TrainingArguments import torch drive.mount('/content/drive') training_data = pd.read_csv('/content/drive/MyDrive/Texts/negaposi-sentence.csv') training_data.head() print(len(training_data["query"].unique())) training_data[["title", "label"]].groupby("label").count() train_queries, val_queries, train_docs, val_docs, train_labels, val_labels = train_test_split( training_data["query"].tolist(), training_data["title"].tolist(), training_data["label"].tolist(), test_size=.5 ) model_name = 'cl-tohoku/bert-base-japanese-whole-word-masking' tokenizer = BertJapaneseTokenizer.from_pretrained(model_name) train_encodings = tokenizer(train_queries, train_docs, truncation=True, padding='max_length', max_length=128) val_encodings = tokenizer(val_queries, val_docs, truncation=True, padding='max_length', max_length=128) model_name = 'cl-tohoku/bert-base-japanese-whole-word-masking' tokenizer = BertJapaneseTokenizer.from_pretrained(model_name) train_encodings = tokenizer(train_queries, train_docs, truncation=True, padding='max_length', max_length=128) val_encodings = tokenizer(val_queries, val_docs, truncation=True, padding='max_length', max_length=128) model = BertForSequenceClassification.from_pretrained(model_name, num_labels = 2) for param in model.base_model.parameters(): param.requires_grad = False training_args = TrainingArguments( logging_steps=10, output_dir='models', evaluation_strategy="epoch", num_train_epochs=2000, per_device_train_batch_size=16, per_device_eval_batch_size=64, warmup_steps=500, weight_decay=0.01, save_total_limit=1, ) trainer = Trainer( model=model, args=training_args, train_dataset=train_dataset, eval_dataset=val_dataset ) trainer.train() trainer.save_model(output_dir='/content/drive/MyDrive/Models/sentiment-mining4') 推論 !pip install transformers[ja]==4.3.3 torch==1.9 sentencepiece==0.1.91 from google.colab import drive import pandas as pd from sklearn.model_selection import train_test_split from transformers import BertJapaneseTokenizer, BertForSequenceClassification, BertForMaskedLM, pipeline, Trainer, TrainingArguments import torch drive.mount('/content/drive') model_name = 'cl-tohoku/bert-base-japanese-whole-word-masking' tokenizer = BertJapaneseTokenizer.from_pretrained(model_name) model = BertForSequenceClassification.from_pretrained('/content/drive/MyDrive/Models/sentiment-mining4') nlp = pipeline("sentiment-analysis",model=model,tokenizer=tokenizer) nlp("この本は興味深い") nlp(“この本は興味深い”) ...

12月 11, 2021 · 1 分 · 212 文字 · Me

Ignite2021 Fall Cloud Skill Challenge

(https://csc.docs.microsoft.com/ignite/registration/fall2021) チャレンジ期間 2021 年 11 月 3 日 (水) 1:00 AM ~ 12 月 1 日 (水) 1:00 AM [日本時間] チャレンジ概要 「Microsoft Ignite Cloud Skills Challenge – November 2021」は、日本時間 2021 年 11 月 3 日 (水) 1:00 AMに開始し、2021 年 12 月 1 日 (水) 1:00 AM に終了します。 「Microsoft Ignite Cloud Skills Challenge – November 2021」の登録時には、メールアドレスの入力が必要です。ご記入いただいたメールアドレスに、無料受験バウチャーの詳細をご連絡いたします。 「Microsoft Ignite Cloud Skills Challenge – November 2021」対象のクラウド関連スキルのコースを 1 つ受講完了することで、マイクロソフト認定試験を 1 回無料で受けることができます。 無料受験バウチャー (特典) の詳細 チャレンジの回数にかかわらず、お一人様 1 回のみご利用いただけます。 政府職員の方は、無料の認定試験を受ける前に、ご自身の参加が許可されているか、また適用されるポリシーや法律に従っているかどうか、雇用主にご確認ください。 無料受験バウチャー (以下、特典) は、Pearson Vue 公認のテストセンターまたは Pearson Vue のオンライン試験サイトで実施される Microsoft Certification 試験を 1 回受験するために利用できます。 本特典は、マイクロソフト社の一部の試験にのみ適用されます。対象となる試験は以下の通りです。 ...

11月 4, 2021 · 1 分 · 168 文字 · Me

Microsoft Loop gives users a single, flexible and collaborative canvas to get work done

MicrosoftはIgnite 2021 Fallで新しいコラボレーションツール Loopを発表した。 Microsoft Loopはスタンドアロンのアプリとしても、Outlook、Teams、OneNote、 Whiteboardに組み込まれた形もある。 参考資料 マイクロソフト、「Microsoft 365」の新コラボレーションツール「Loop」を発表 (https://japan.cnet.com/article/35178924/) MicrosoftがOfficeユーザー向けに発表した新たなコラボレーションツール「Microsoft Loop」では何ができるのか? (https://gigazine.net/news/20211104-microsoft-loop-office-collaboration-tool/)

11月 4, 2021 · 1 分 · 14 文字 · Me