機器學習 (ML) 徹底改變了各個行業,使計算機能夠根據模式和數據進行學習和預測。傳統上,機器學習模型是在服務器或高性能機器上構建和執行的。然而,隨著 Web 技術的進步,現在可以使用 JavaScript 直接在瀏覽器中構建和部署 ML 模型。
在本文中,我們將探索 JavaScript 機器學習的激動人心的世界,并學習如何構建可以在瀏覽器中運行的 ML 模型。
了解機器學習
機器學習是人工智能 (AI) 的一個子集,專注于創建能夠從數據中學習并做出預測或決策的模型。機器學習主要有兩種類型:監督學習和無監督學習。
監督學習涉及在標記數據上訓練模型,其中輸入特征和相應的輸出值是已知的。該模型從標記數據中學習模式,以對新的、未見過的數據進行預測。
另一方面,無監督學習處理未標記的數據。該模型無需任何預定義標簽即可發現數據中隱藏的模式和結構。
JavaScript 機器學習庫
要開始使用 JavaScript 機器學習,請按照以下步驟操作 –
第 1 步:安裝 Node.js
Node.js 是一個 JavaScript 運行時環境,允許我們在 Web 瀏覽器之外運行 JavaScript 代碼。它提供了使用 TensorFlow.js 所需的工具和庫。
第 2 步:設置項目
安裝 Node.js 后,打開您的首選代碼編輯器并為您的 ML 項目創建一個新目錄。使用命令行或終端導航到項目目錄。
第 3 步:初始化 Node.js 項目
在命令行或終端中,運行以下命令來初始化新的 Node.js 項目 –
npm init -y
登錄后復制
此命令創建一個新的 package.json 文件,用于管理項目依賴項和配置。
第 4 步:安裝 TensorFlow.js
要安裝 TensorFlow.js,請在命令行或終端中運行以下命令 –
npm install @tensorflow/tfjs
登錄后復制
第 5 步:開始構建機器學習模型
現在您的項目已設置完畢并安裝了 TensorFlow.js,您可以開始在瀏覽器中構建機器學習模型了。您可以創建一個新的 JavaScript 文件,導入 TensorFlow.js,并使用其 API 來定義、訓練 ML 模型并進行預測。
讓我們深入研究一些代碼示例,以了解如何使用 TensorFlow.js 并在 JavaScript 中構建機器學習模型。
示例 1:線性回歸
線性回歸是一種監督學習算法,用于根據輸入特征預測連續輸出值。
讓我們看看如何使用 TensorFlow.js 實現線性回歸。
// Import TensorFlow.js library import * as tf from '@tensorflow/tfjs'; // Define input features and output values const inputFeatures = tf.tensor2d([[1], [2], [3], [4], [5]], [5, 1]); const outputValues = tf.tensor2d([[2], [4], [6], [8], [10]], [5, 1]); // Define the model architecture const model = tf.sequential(); model.add(tf.layers.dense({ units: 1, inputShape: [1] })); // Compile the model model.compile({ optimizer: 'sgd', loss: 'meanSquaredError' }); // Train the model model.fit(inputFeatures, outputValues, { epochs: 100 }).then(() => { // Make predictions const predictions = model.predict(inputFeatures); // Print predictions predictions.print(); });
登錄后復制
說明
在此示例中,我們首先導入 TensorFlow.js 庫。然后,我們將輸入特征和輸出值定義為張量。接下來,我們創建一個順序模型并添加一個具有一個單元的密集層。我們使用“sgd”優化器和“meanSquaredError”損失函數編譯模型。最后,我們訓練模型 100 個 epoch,并對輸入特征進行預測。預測的輸出值將打印到控制臺。
輸出
Tensor [2.2019906], [4.124609 ], [6.0472274], [7.9698458], [9.8924646]]
登錄后復制
示例 2:情感分析
情感分析是機器學習的一種流行應用,涉及分析文本數據以確定文本中表達的情感或情緒基調。我們可以使用 TensorFlow.js 構建情感分析模型,預測給定文本是否具有正面或負面情緒。
考慮下面所示的代碼。
// Import TensorFlow.js library import * as tf from '@tensorflow/tfjs'; import '@tensorflow/tfjs-node'; // Required for Node.js environment // Define training data const trainingData = [ { text: 'I love this product!', sentiment: 'positive' }, { text: 'This is a terrible experience.', sentiment: 'negative' }, { text: 'The movie was amazing!', sentiment: 'positive' }, // Add more training data... ]; // Prepare training data const texts = trainingData.map(item => item.text); const labels = trainingData.map(item => (item.sentiment === 'positive' ? 1 : 0)); // Tokenize and preprocess the texts const tokenizedTexts = texts.map(text => text.toLowerCase().split(' ')); const wordIndex = new Map(); let currentIndex = 1; const sequences = tokenizedTexts.map(tokens => { return tokens.map(token => { if (!wordIndex.has(token)) { wordIndex.set(token, currentIndex); currentIndex++; } return wordIndex.get(token); }); }); // Pad sequences const maxLength = sequences.reduce((max, seq) => Math.max(max, seq.length), 0); const paddedSequences = sequences.map(seq => { if (seq.length < maxLength) { return seq.concat(new Array(maxLength - seq.length).fill(0)); } return seq; }); // Convert to tensors const paddedSequencesTensor = tf.tensor2d(paddedSequences); const labelsTensor = tf.tensor1d(labels); // Define the model architecture const model = tf.sequential(); model.add(tf.layers.embedding({ inputDim: currentIndex, outputDim: 16, inputLength: maxLength })); model.add(tf.layers.flatten()); model.add(tf.layers.dense({ units: 1, activation: 'sigmoid' })); // Compile the model model.compile({ optimizer: 'adam', loss: 'binaryCrossentropy', metrics: ['accuracy'] }); // Train the model model.fit(paddedSequencesTensor, labelsTensor, { epochs: 10 }).then(() => { // Make predictions const testText = 'This product exceeded my expectations!'; const testTokens = testText.toLowerCase().split(' '); const testSequence = testTokens.map(token => { if (wordIndex.has(token)) { return wordIndex.get(token); } return 0; }); const paddedTestSequence = testSequence.length < maxLength ? testSequence.concat(new Array(maxLength - testSequence.length).fill(0)) : testSequence; const testSequenceTensor = tf.tensor2d([paddedTestSequence]); const prediction = model.predict(testSequenceTensor); const sentiment = prediction.dataSync()[0] > 0.5 ? 'positive' : 'negative'; // Print the sentiment prediction console.log(`The sentiment of "${testText}" is ${sentiment}.`); });
登錄后復制
輸出
Epoch 1 / 10 eta=0.0 ========================================================================> 14ms 4675us/step - acc=0.00 loss=0.708 Epoch 2 / 10 eta=0.0 ========================================================================> 4ms 1428us/step - acc=0.667 loss=0.703 Epoch 3 / 10 eta=0.0 ========================================================================> 5ms 1733us/step - acc=0.667 loss=0.697 Epoch 4 / 10 eta=0.0 ========================================================================> 4ms 1419us/step - acc=0.667 loss=0.692 Epoch 5 / 10 eta=0.0 ========================================================================> 6ms 1944us/step - acc=0.667 loss=0.686 Epoch 6 / 10 eta=0.0 ========================================================================> 5ms 1558us/step - acc=0.667 loss=0.681 Epoch 7 / 10 eta=0.0 ========================================================================> 5ms 1513us/step - acc=0.667 loss=0.675 Epoch 8 / 10 eta=0.0 ========================================================================> 3ms 1057us/step - acc=1.00 loss=0.670 Epoch 9 / 10 eta=0.0 ========================================================================> 5ms 1745us/step - acc=1.00 loss=0.665 Epoch 10 / 10 eta=0.0 ========================================================================> 4ms 1439us/step - acc=1.00 loss=0.659 The sentiment of "This product exceeded my expectations!" is positive.
登錄后復制
以上就是JavaScript 機器學習:在瀏覽器中構建 ML 模型的詳細內容,更多請關注www.92cms.cn其它相關文章!