chore(i18n,curriculum): update translations (#42943)

This commit is contained in:
camperbot
2021-07-20 21:35:24 +05:30
committed by GitHub
parent ef3b7ec955
commit 2056db0299
41 changed files with 195 additions and 195 deletions

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d99
title: 'Convolutional Neural Networks: Evaluating the Model'
title: 'Reti neurali convoluzionali: Valutare un modello'
challengeType: 11
videoId: eCATNvwraXg
dashedName: convolutional-neural-networks-evaluating-the-model
@ -10,19 +10,19 @@ dashedName: convolutional-neural-networks-evaluating-the-model
## --text--
What is **not** a good way to increase the accuracy of a convolutional neural network?
Quale di questi **non** è un buon metodo per aumentare la precisione di una rete neurale convoluzionale?
## --answers--
Augmenting the data you already have.
Aumentare i dati che hai già.
---
Using a pre-trained model.
Utilizzare un modello pre-addestrato.
---
Using your test data to retrain the model.
Utilizzare i dati di test per riaddestrare il modello.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9a
title: 'Convolutional Neural Networks: Picking a Pretrained Model'
title: 'Reti neurali convoluzionali: scegliere un modello preaddestrato'
challengeType: 11
videoId: h1XUt1AgIOI
dashedName: convolutional-neural-networks-picking-a-pretrained-model
@ -10,7 +10,7 @@ dashedName: convolutional-neural-networks-picking-a-pretrained-model
## --text--
Fill in the blanks below to use Google's pre-trained MobileNet V2 model as a base for a convolutional neural network:
Compila gli spazi vuoti qui sotto per utilizzare il modello preaddestrato di Google MobileNet V2 come base per una rete neurale convoluzionale:
```py
base_model = tf.__A__.applications.__B__(input_shape=(160, 160, 3),

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d97
title: 'Convolutional Neural Networks: The Convolutional Layer'
title: 'Reti neurali convolutionali: Il livello convoluzionale'
challengeType: 11
videoId: LrdmcQpTyLw
dashedName: convolutional-neural-networks-the-convolutional-layer
@ -10,19 +10,19 @@ dashedName: convolutional-neural-networks-the-convolutional-layer
## --text--
What are the three main properties of each convolutional layer?
Quali sono le tre proprietà principali di ogni strato convoluzionale?
## --answers--
Input size, the number of filters, and the sample size of the filters.
Dimensione dell'input, numero di filtri e dimensione del campione dei filtri.
---
Input size, input dimensions, and the color values of the input.
Dimensione dell'input, dimensioni in ingresso e valori di colore dell'input.
---
Input size, input padding, and stride.
Dimensione dell'input, padding in ingresso e passo (stride).
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d96
title: Convolutional Neural Networks
title: Reti neurali convoluzionali
challengeType: 11
videoId: _1kTP7uoU9E
dashedName: convolutional-neural-networks
@ -10,19 +10,19 @@ dashedName: convolutional-neural-networks
## --text--
Dense neural networks analyze input on a global scale and recognize patterns in specific areas. Convolutional neural networks...:
Le reti neurali dense analizzano gli input su scala globale e riconoscono schemi in aree specifiche. Le reti neurali convoluzionali...:
## --answers--
also analyze input globally and extract features from specific areas.
analizzano anche gli input a livello globale ed estraggono le caratteristiche da aree specifiche.
---
do not work well for image classification or object detection.
non funzionano bene per la classificazione delle immagini o per il rilevamento degli oggetti.
---
scan through the entire input a little at a time and learn local patterns.
scansionano l'intero input un po' alla volta e imparano modelli locali.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8e
title: 'Core Learning Algorithms: Building the Model'
title: 'Algoritmi di apprendimento principali: Costruire il modello'
challengeType: 11
videoId: 5wHw8BTd2ZQ
dashedName: core-learning-algorithms-building-the-model
@ -10,7 +10,7 @@ dashedName: core-learning-algorithms-building-the-model
## --text--
What kind of estimator/model does TensorFlow recommend using for classification?
Che tipo di stimatore/modello TensorFlow consiglia di utilizzare per la classificazione?
## --answers--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8d
title: 'Core Learning Algorithms: Classification'
title: 'Algoritmi di apprendimento principali: Classificazione'
challengeType: 11
videoId: qFF7ZQNvK9E
dashedName: core-learning-algorithms-classification
@ -10,19 +10,19 @@ dashedName: core-learning-algorithms-classification
## --text--
What is classification?
Che cos'è la classificazione?
## --answers--
The process of separating data points into different classes.
Il processo di separazione dei punti dati in classi diverse.
---
Predicting a numeric value or forecast based on independent and dependent variables.
Predire un valore numerico o fare una previsione basandoci su variabili indipendenti e dipendenti.
---
None of the above.
Niente di quanto sopra.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8f
title: 'Core Learning Algorithms: Clustering'
title: 'Algoritmi di apprendimento principali: Clustering'
challengeType: 11
videoId: 8sqIaHc9Cz4
dashedName: core-learning-algorithms-clustering
@ -10,27 +10,27 @@ dashedName: core-learning-algorithms-clustering
## --text--
Which of the following steps is **not** part of the K-Means algorithm?
Quale dei seguenti passi **non** fa parte dell'algoritmo K-Means?
## --answers--
Randomly pick K points to place K centeroids.
Scegliere a caso i punti K per posizionare i centeroidi K.
---
Assign each K point to the closest K centeroid.
Assegnare ogni punto K al centeroide K più vicino.
---
Move each K centeroid into the middle of all of their data points.
Spostare ogni centeroide K nel centro di tutti i suoi punti dati.
---
Shuffle the K points so they're redistributed randomly.
Mischiare i punti K in modo che siano ridistribuiti in modo casuale.
---
Reassign each K point to the closest K centeroid.
Riassegnare ogni punto K al centeroide K più vicino.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d90
title: 'Core Learning Algorithms: Hidden Markov Models'
title: 'Algoritmi di apprendimento principali: Modelli di Markov a stati nascosti'
challengeType: 11
videoId: IZg24y4wEPY
dashedName: core-learning-algorithms-hidden-markov-models
@ -10,19 +10,19 @@ dashedName: core-learning-algorithms-hidden-markov-models
## --text--
What makes a Hidden Markov model different than linear regression or classification?
Che cosa rende un modello di Markov a stati nascosti diverso dalla regressione lineare o dalla classificazione?
## --answers--
It uses probability distributions to predict future events or states.
Utilizza distribuzioni di probabilità per prevedere eventi o stati futuri.
---
It analyzes the relationship between independent and dependent variables to make predictions.
Analizza il rapporto tra variabili indipendenti e variabili dipendenti per fare previsioni.
---
It separates data points into separate categories.
Separa i punti dati in categorie separate.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8c
title: 'Core Learning Algorithms: The Training Process'
title: 'Algoritmi di apprendimento principali: Il processo di training'
challengeType: 11
videoId: _cEwvqVoBhI
dashedName: core-learning-algorithms-the-training-process
@ -10,19 +10,19 @@ dashedName: core-learning-algorithms-the-training-process
## --text--
What are epochs?
Cosa sono le epoche?
## --answers--
The number of times the model will see the same data.
Il numero di volte che il modello vedrà gli stessi dati.
---
A type of graph.
Un tipo di grafico.
---
The number of elements you feed to the model at once.
Il numero di elementi che fornisci al modello contemporaneamente.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8b
title: 'Core Learning Algorithms: Training and Testing Data'
title: 'Algoritmi di apprendimento principali: training e test di dati'
challengeType: 11
videoId: wz9J1slsi7I
dashedName: core-learning-algorithms-training-and-testing-data
@ -10,19 +10,19 @@ dashedName: core-learning-algorithms-training-and-testing-data
## --text--
What is categorical data?
Che cosa sono i dati categorici?
## --answers--
Another term for one-hot encoding.
Un altro termine per la codifica a caldo.
---
Any data that is not numeric.
Qualsiasi dato non numerico.
---
Any data that is represented numerically.
Qualsiasi dato rappresentato numericamente.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d91
title: 'Core Learning Algorithms: Using Probabilities to make Predictions'
title: 'Algoritmi di apprendimento principali: Usare le probabilità per fare predizioni'
challengeType: 11
videoId: fYAYvLUawnc
dashedName: core-learning-algorithms-using-probabilities-to-make-predictions
@ -10,7 +10,7 @@ dashedName: core-learning-algorithms-using-probabilities-to-make-predictions
## --text--
What TensorFlow module should you import to implement `.HiddenMarkovModel()`?
Quale modulo TensorFlow dovresti importare per implementare `.HiddenMarkovModel()`?
## --answers--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d8a
title: 'Core Learning Algorithms: Working with Data'
title: 'Algoritmi di apprendimento principali: Lavorare con i dati'
challengeType: 11
videoId: u85IOSsJsPI
dashedName: core-learning-algorithms-working-with-data
@ -10,19 +10,19 @@ dashedName: core-learning-algorithms-working-with-data
## --text--
What does the pandas `.head()` function do?
Cosa fa la funzione pandas `.head()`?
## --answers--
Returns the number of entries in a data frame.
Restituisce il numero di voci in un frame di dati.
---
Returns the number of columns in a data frame.
Restituisce il numero di colonne in un frame di dati.
---
By default, shows the first five rows or entries in a data frame.
Per impostazione predefinita, mostra le prime cinque righe o voci in un frame di dati.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d89
title: Core Learning Algorithms
title: Algoritmi di apprendimento principali
challengeType: 11
videoId: u5lZURgcWnU
dashedName: core-learning-algorithms
@ -10,25 +10,25 @@ dashedName: core-learning-algorithms
## --text--
Which type of analysis would be best suited for the following problem?:
Quale tipo di analisi sarebbe più adatto per il seguente problema?
You have the average temperature in the month of March for the last 100 years. Using this data, you want to predict the average temperature in the month of March 5 years from now.
Hai la temperatura media nel mese di marzo per gli ultimi 100 anni. Utilizzando questi dati, vuoi prevedere la temperatura media nel mese di marzo a 5 anni da adesso.
## --answers--
Multiple regression
Regressione multipla
---
Correlation
Correlazione
---
Decision tree
Albero decisionale
---
Linear regression
Regressione lineare
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d98
title: Creating a Convolutional Neural Network
title: Creare una rete neurale convoluzionale
challengeType: 11
videoId: kfv0K8MtkIc
dashedName: creating-a-convolutional-neural-network
@ -10,7 +10,7 @@ dashedName: creating-a-convolutional-neural-network
## --text--
Fill in the blanks below to complete the architecture for a convolutional neural network:
Riempi gli spazi vuoti qui sotto per completare l'architettura di una rete neurale convoluzionale:
```py
model = models.__A__()

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d87
title: 'Introduction: Machine Learning Fundamentals'
title: 'Introduzione: Fondamenti di machine learning'
challengeType: 11
videoId: KwL1qTR5MT8
dashedName: introduction-machine-learning-fundamentals
@ -10,19 +10,19 @@ dashedName: introduction-machine-learning-fundamentals
## --text--
Which statement below is **false**?
Quale delle dichiarazioni qui sotto è **falsa**?
## --answers--
Neural networks are modeled after the way the human brain works.
Le reti neurali sono modellate secondo il modo in cui funziona il cervello umano.
---
Computer programs that play tic-tac-toe or chess against human players are examples of simple artificial intelligence.
Programmi informatici che giocano a tic-tac-toe o scacchi contro i giocatori umani sono esempi di semplice intelligenza artificiale.
---
Machine learning is a subset of artificial intelligence.
L'apprendimento automatico è un sottoinsieme dell'intelligenza artificiale.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d88
title: Introduction to TensorFlow
title: Introduzione a TensorFlow
challengeType: 11
videoId: r9hRyGGjOgQ
dashedName: introduction-to-tensorflow
@ -10,11 +10,11 @@ dashedName: introduction-to-tensorflow
## --text--
Which of the following is **not** a type of tensor?
Quale dei seguenti elementi **non** è un tipo di tensore?
## --answers--
Variable
Variabile
---
@ -22,7 +22,7 @@ Flowing
---
Placeholder
Segnaposto (placeholder)
---
@ -30,7 +30,7 @@ SparseTensor
---
Constant
Costante
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da1
title: 'Natural Language Processing With RNNs: Building the Model'
title: 'Elaborazione del linguaggio naturale con RNN: costruzione del modello'
challengeType: 11
videoId: 32WBFS7lfsw
dashedName: natural-language-processing-with-rnns-building-the-model
@ -10,7 +10,7 @@ dashedName: natural-language-processing-with-rnns-building-the-model
## --text--
Fill in the blanks below to complete the `build_model` function:
Riempi gli spazi vuoti per completare la funzione `build_model` qui sotto:
```py
def build_mode(vocab_size, embedding_dim, rnn_units, batch_size):

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da0
title: 'Natural Language Processing With RNNs: Create a Play Generator'
title: 'Elaborazione del linguaggio naturale con RNN: Crea un generatore di gioco'
challengeType: 11
videoId: j5xsxjq_Xk8
dashedName: natural-language-processing-with-rnns-create-a-play-generator
@ -10,7 +10,7 @@ dashedName: natural-language-processing-with-rnns-create-a-play-generator
## --text--
Fill in the blanks below to create the training examples for the RNN:
Compila gli spazi vuoti qui sotto per creare il modello per la RNN:
```py
char_dataset = tf.data.__A__.__B__(text_as_int)

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9f
title: 'Natural Language Processing With RNNs: Making Predictions'
title: 'Elaborazione del linguaggio naturale con RNN: fare previsioni'
challengeType: 11
videoId: WO1hINnBj20
dashedName: natural-language-processing-with-rnns-making-predictions
@ -10,19 +10,19 @@ dashedName: natural-language-processing-with-rnns-making-predictions
## --text--
Before you make a prediction with your own review, you should...:
Prima di fare una previsione con la propria revisione, si dovrebbe...:
## --answers--
decode the training dataset and compare the results to the test data.
decodificare il set di dati del training e confrontare i risultati con i dati del test.
---
use the encodings from the training dataset to encode your review.
usa le codifiche del set di dati del training per codificare la tua revisione.
---
assign random values between 0 and the maximum number of vocabulary in your dataset to each word in your review.
assegna valori casuali tra 0 e il numero massimo di vocabolari nel tuo set di dati a ogni parola nella tua revisione.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9c
title: 'Natural Language Processing With RNNs: Part 2'
title: 'Elaborazione del linguaggio naturale con RNN: Parte 2'
challengeType: 11
videoId: mUU9YXOFbZg
dashedName: natural-language-processing-with-rnns-part-2
@ -10,19 +10,19 @@ dashedName: natural-language-processing-with-rnns-part-2
## --text--
Word embeddings are...:
Gli incorporamenti di parole sono...:
## --answers--
an unordered group of encoded words that describes the frequency of words in a given document.
un gruppo non ordinato di parole codificate che descrive la frequenza delle parole in un dato documento.
---
a group of encoded words that preserves the original order of the words in a given document.
un gruppo di parole codificate che preserva l'ordine originale delle parole in un dato documento.
---
a vectorized representation of words in a given document that places words with similar meanings near each other.
una rappresentazione vettoriale delle parole in un dato documento che mette le parole con significati simili vicino l'una all'altra.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9d
title: 'Natural Language Processing With RNNs: Recurring Neural Networks'
title: 'Elaborazione del linguaggio naturale con RNN: Reti Neurali Ricorrenti'
challengeType: 11
videoId: bX5681NPOcA
dashedName: natural-language-processing-with-rnns-recurring-neural-networks
@ -10,23 +10,23 @@ dashedName: natural-language-processing-with-rnns-recurring-neural-networks
## --text--
What is true about Recurrent Neural Networks?
Quale di queste opzioni è vera per le reti neurali ricorrenti?
## --answers--
1: They are a type of feed-forward neural network.
1: Sono un tipo di rete neurale feed-forward.
---
2: They maintain an internal memory/state of the input that was already processed.
2: Mantengono una memoria/stato interno dell'input già elaborato.
---
3: RNN's contain a loop and process one piece of input at a time.
3: Le RNN contengono un ciclo ed elaborano un pezzo di ingresso alla volta.
---
4: Both 2 and 3.
4: Sia 2 che 3.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9e
title: 'Natural Language Processing With RNNs: Sentiment Analysis'
title: 'Elaborazione del linguaggio naturale con RNN: analisi del sentimento'
challengeType: 11
videoId: lYeLtu8Nq7c
dashedName: natural-language-processing-with-rnns-sentiment-analysis
@ -10,7 +10,7 @@ dashedName: natural-language-processing-with-rnns-sentiment-analysis
## --text--
Fill in the blanks below to create the model for the RNN:
Compila gli spazi vuoti qui sotto per creare il modello per la RNN:
```py
model = __A__.keras.Sequential([

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da2
title: 'Natural Language Processing With RNNs: Training the Model'
title: 'Elaborazione del linguaggio naturale con RNN: training del modello'
challengeType: 11
videoId: hEUiK7j9UI8
dashedName: natural-language-processing-with-rnns-training-the-model
@ -10,7 +10,7 @@ dashedName: natural-language-processing-with-rnns-training-the-model
## --text--
Fill in the blanks below to save your model's checkpoints in the `./checkpoints` directory and call the latest checkpoint for training:
Compila gli spazi vuoti qui sotto per salvare i punti di controllo del tuo modello nella directory `./checkpoints` e chiamare l'ultimo checkpoint per il training:
```py
checkpoint_dir = __A__

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d9b
title: Natural Language Processing With RNNs
title: Elaborazione del linguaggio naturale con le RNN
challengeType: 11
videoId: ZyCaF5S-lKg
dashedName: natural-language-processing-with-rnns
@ -10,19 +10,19 @@ dashedName: natural-language-processing-with-rnns
## --text--
Natural Language Processing is a branch of artificial intelligence that...:
L'elaborazione del linguaggio naturale è un ramo dell'intelligenza artificiale che...:
## --answers--
deals with how computers understand and process natural/human languages.
si occupa di come i computer capiscono ed elaborano le lingue naturali/umane.
---
translates image data into natural/human languages.
traduce i dati delle immagini in lingue naturali/umane.
---
is focused on translating computer languages into natural/human languages.
si concentra sulla traduzione delle lingue informatiche in lingue naturali/umane.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d93
title: 'Neural Networks: Activation Functions'
title: 'Reti Neurali: funzioni di attivazione'
challengeType: 11
videoId: S45tqW6BqRs
dashedName: neural-networks-activation-functions
@ -10,15 +10,15 @@ dashedName: neural-networks-activation-functions
## --text--
Which activation function switches values between -1 and 1?
Quale funzione di attivazione passa i valori da -1 a 1?
## --answers--
ReLU (Rectified Linear Unit)
ReLU (Unità Lineare Rettificata)
---
Tanh (Hyperbolic Tangent)
Tanh (Tangente Iperbolica)
---

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d95
title: 'Neural Networks: Creating a Model'
title: 'Reti neurali: creare un modello'
challengeType: 11
videoId: K8bz1bmOCTw
dashedName: neural-networks-creating-a-model
@ -10,7 +10,7 @@ dashedName: neural-networks-creating-a-model
## --text--
Fill in the blanks below to build a sequential model of dense layers:
Riempi gli spazi vuoti qui sotto per costruire un modello sequenziale di livelli densi:
```py
model = __A__.__B__([

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d94
title: 'Neural Networks: Optimizers'
title: 'Reti Neurali: Ottimizzatori'
challengeType: 11
videoId: hdOtRPQe1o4
dashedName: neural-networks-optimizers
@ -10,19 +10,19 @@ dashedName: neural-networks-optimizers
## --text--
What is an optimizer function?
Cos'è una funzione di ottimizzazione?
## --answers--
A function that increases the accuracy of a model's predictions.
Una funzione che aumenta l'accuratezza delle previsioni di un modello.
---
A function that implements the gradient descent and backpropagation algorithms for you.
Una funzione che implementa gli algoritmi di discesa e retropropagazione del gradiente per te.
---
A function that reduces the time a model needs to train.
Una funzione che riduce il tempo necessario per addestrare un modello.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72d92
title: Neural Networks with TensorFlow
title: Reti neurali con TensorFlow
challengeType: 11
videoId: uisdfrNrZW4
dashedName: neural-networks-with-tensorflow
@ -10,19 +10,19 @@ dashedName: neural-networks-with-tensorflow
## --text--
A densely connected neural network is one in which...:
Una rete neurale densamente collegata è una in cui...:
## --answers--
all the neurons in the current layer are connected to one neuron in the previous layer.
tutti i neuroni nello strato corrente sono collegati a un neurone nello strato precedente.
---
all the neurons in each layer are connected randomly.
tutti i neuroni in ogni livello sono collegati in modo casuale.
---
all the neurons in the current layer are connected to every neuron in the previous layer.
tutti i neuroni dello strato corrente sono collegati ad ogni neurone dello strato precedente.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da5
title: 'Reinforcement Learning With Q-Learning: Example'
title: 'Apprendimento per rinforzo con Q-Learning: Esempio'
challengeType: 11
videoId: RBBSNta234s
dashedName: reinforcement-learning-with-q-learning-example
@ -10,7 +10,7 @@ dashedName: reinforcement-learning-with-q-learning-example
## --text--
Fill in the blanks to complete the following Q-Learning equation:
Compila gli spazi vuoti per completare la seguente equazione di Q-Learning:
```py
Q[__A__, __B__] = Q[__A__, __B__] + LEARNING_RATE * (reward + GAMMA * np.max(Q[__C__, :]) - Q[__A__, __B__])

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da4
title: 'Reinforcement Learning With Q-Learning: Part 2'
title: 'Apprendimento per rinforzo con Q-Learning: Parte 2'
challengeType: 11
videoId: DX7hJuaUZ7o
dashedName: reinforcement-learning-with-q-learning-part-2
@ -10,15 +10,15 @@ dashedName: reinforcement-learning-with-q-learning-part-2
## --text--
What can happen if the agent does not have a good balance of taking random actions and using learned actions?
Cosa può accadere se l'agente non ha un buon equilibrio tra l'intraprendere azioni casuali e l'utilizzare azioni apprese?
## --answers--
The agent will always try to minimize its reward for the current state/action, leading to local minima.
L'agente cercherà sempre di minimizzare la sua ricompensa per lo stato o l'azione corrente, portando a minimi locali.
---
The agent will always try to maximize its reward for the current state/action, leading to local maxima.
L'agente cercherà sempre di massimizzare la sua ricompensa per lo stato o l'azione corrente, portando a massimi locali.
## --video-solution--

View File

@ -1,6 +1,6 @@
---
id: 5e8f2f13c4cdbe86b5c72da3
title: Reinforcement Learning With Q-Learning
title: Apprendimento per rinforzo con Q-Learning
challengeType: 11
videoId: Cf7DSU0gVb4
dashedName: reinforcement-learning-with-q-learning
@ -10,19 +10,19 @@ dashedName: reinforcement-learning-with-q-learning
## --text--
The key components of reinforcement learning are...
Le componenti chiave dell'apprendimento per rinforzo sono...
## --answers--
environment, representative, state, reaction, and reward.
ambiente, rappresentazione, stato, reazione e ricompensa.
---
environment, agent, state, action, and reward.
ambiente, agente, stato, azione e ricompensa.
---
habitat, agent, state, action, and punishment.
habitat, agente, stato, azione e punizione.
## --video-solution--