HCIA AI practice exam 1 Flashcards
1.) What are the element of AI?
Select one or more:
a. Scenarios
b. Algorithms
c. Data
d. Computing power
Computing Power
Algorithms
Scenarios
Data
2.) Speech processing is a general term for various processing technologies used to research the voicing process, statistical features of speech signals, speech recognition
True
False
True
- Which of the following belong to Howard Gardner(human intelligence)?
a.Language
b. Space
c.Logic
d. Music
Space, Language, Music, Logic
- What are the application scenarios of computing vision?
a. Smart album
b. Action analysis
c. Voice navigation
d. Image search
Action analysis, image search, smart album
- The three phases of AI include computingg intelligence, (), and cognitive intelligence.
Select one:
Behavior Intelligence
Strong AI
Perceptual Intelligence
Narrow AI
Perceptual Intelligence
- Neural networks are not a type of machine learning
True
False
False
- Which of the following is not integrated learning policy in machine learning algorithms?
Select one:
Stacking
Bagging
Marking
Boosting
Marking
- In machine learning, which of the following is not a part of the process from obtaining data to officially putting the data into a model?
Select one:
Data standardization
Data cleansing
Data visualization
Data dimension deduction
Data visualization
- The test error keep decreasing as model complexity increases
True
False
True
- If an enterprise has a large amount of sales data without labels, which of the following models are suitable for the enterprise to identify VIP customers?
Select one or more:
SVM
Logistic Regression
K-Means
Hierarchical clustering
Hierarchical clustering, k-means
- Which of the following are common clustering algorithms
Select one or more:
Spectral Clustering
K-means
Hierarchical clustering
Density-based clustering
K-means, Spectral clustering, Density-based clustering, Hierarchical clustering
- Which of the following problems can be resolved by using machine learning algorithms?
Select one or more:
Reinforcement problem
Clustering problem
Classification problem
Regression problem
Clustering problem, Classification problem, regression problem
- Which of the following is an evaluation indicator of regression algorithms?
Select one:
Mean squared error
Accuracy
Confusion matrix
Recall
Mean squared error
- The naive Bayes algorithms does not require sample feature to e independent and identically distributed.
Select one:
True
False
False
- What is the correct overall process of machine learning?
Data collection
Data cleansing
Feature extraction and selection
Model Training
Model evaluation and test
Model deployment and integration
The F1 value for evaluation classification models is the harmonic mean of indicators including ().
Select one or more:
Precision
Accuracy
Recall
Validity
Recall, Precision
Which of the following points constitute support vectors in the SVM without considering regular expressions?
Select one:
Points of a certain class
Points on the separating hyperplane
Points nearest to the separating hyperplane
Points farthest from the separating hyperplane
Points nearest to the separating hyperplane
- About the following code: SVR(kernel-‘rbf’, C=1e3, gamma= 0.01), it means that we use linear kernel functions.
Select one:
True
False
False
- A loss function reflects an error between a target output and an actual output of a neural network. Which of the following is a common loss function in deep learning?
Select one:
Logarithmic loss function
Mean square loss function
Hinge loss function
Exponential loss function
Mean square loss function
- If each later of a neural network uses the Sigmoid activation function and the number of the layer is large, which of the following problems will occur?
select one:
Gradient explosion problem
Overfitting problem
Vanishing gradient problem
Underfitting problem
Vanishing gradient problem
- Perceptron is the simplest neural network among all deep learning neural networks. Which of the following statements about the perceptron’s structure is correct?
Select one:
The perceptron uses the ReLU activation function
The perceptron has no hidden layer
The perceptron uses the Sigmoid activation function
The perceptron has two hidden layers
The perceptron has no hidden layer
- Which of the following methods can be used to resolve data imbalance problems in deep learning tasks?
Select one or more:
Batch deletion
Synthetic sampling
Random oversampling
Random undersampling
Synthetic sampling, Random oversampling, Random undersampling
- Convolutional neural networks are widely used in the field of image processing. Which of the following is not a part of a convolutional neural network?
Select one:
Pooling layer
Fully-connected layer
convolutional layer
Bidirectional hidden layer
Bidirectional hidden layer
- Currently, generative adversarial network are widely used. Which of the following scenarios can use such networks?
Information retrieval
Image generation
Semantic segmentation
Data augmentation
All of the above
- An activation function is used to convert linear mapping into nonlinear mapping.
True
False
True
- Overfitting means that a model performs well on a training set but poorly on a test set. Which of the following methods can be used to avoid overfitting?
Select one or more:
Early stopping of training
Dropout method
L1 and L2 regularization
Dataset expansion
all of the above
- How should samples in real datasets be used in Generative Adversarial Networks (GAN)?
Select one:
Used as the input value of the generative model
Used as the output value of the generative model
Used as the output value of the discriminative model
Used as the input value of the discriminative model
Used as the input value of the discriminative model
- Regularization is an important and effective technology for reducing generalization errors in traditional machine learning. Which of the following are regularization technologies?
Select one or more:
L1 regularization
L2 regularization
Momentum optimizer
Dropout
Dropout, L1 regularization, L2 regularization
- Which of the following optimizers can automatically adjust the learning rate?
Select one:
SGD algorithm
Momentum optimizer
Mini-batch gradient descent algorithm
AdaGrad optimizer
AdaGrad optimizer
- As an important part of a neural network, activation functions are classified into various types. Which of the following functions are activation functions
Select one or more:
ReLU function
Sigmoid function
SoftPlus function
Tanh function
all of the above
- Which of the following statements about neural networks is incorrect?
Select one:
a. As hidden layers of a neural network increase, the model classification capability gradually weakens.
b. The limitation of a single-layer perception is that it cannot resolve XOR problems.
c. A feedforward neural network can be represented using a directed acyclic graph
d. The neurons at the same layer of the feedforward neural network are not interconnected
a.
- Which of the following statements about a convolutional neural networks is incorrect?
Select one:
a. During image processing, image convolutional is performed through window scanning.
b. a convolutional neural network can include convolutional layers, pooling layers, and fully-connected layers
c. a convolutional kernel cannot be used to extract global features of images.
d. Common pooling layers include the max-pooling layer and average-pooling layer.
c. A convolutional kernel cannot be used to extract global features of images
- All convolutional kernels of the same covolutional layer on a convolutional neural network share a weight
True
False
False
- Which of the following operators is not supported by TensorFLow 2.0?
Select one:
//
pow
(^) (wa ni parenthesis dma kita gd)
@
(^)
- tf.keras.datasets can be used to view Keras built-in datasets.
True
False
True
- Which of the following steps belong to TensorFLow development process?
Select one or more:
Data preparation
Network construction
Model restoration and invoking
Model training and verification
all of the above
- Which of the following are built-in loss function of tf.keras.losses?
Select one or more
BInary cross entropy loss
Likelihood
Mean square error
Mean absolute percentage error loss
Binary cross entropy loss, Mean square error, Mean absolute percentage error loss
- Which of the following methods can be used for tensor combination in TensorFlow 2.0?
Select one:
Join
Split
concat
unstack
concat
- Which of the following methods is used for network compilation when the Keras interface of TensorFlow 2.0 is used to build a neural networks?
Select one:
join
fit
write
compile
compile
- Which of the following does not support dimension conversion in TensorFlow 2.0?
Select one:
reshape
squeeze
gather
transpose
gather
- The graph and session mechanism is deleted from TensorFlow 2.0
True
False
True
- which of the following are AI training and inference frameworks?
Select one or more:
MindSpore
PyTorch
TensorFlow
Pandas
PyTorch, TensorFlow, MindSpore
- The typical application development process of the application development service does not include data loading.
True
False
False
- Which of the following is not a common operation of MinsSpore?
Select one:
signal
nn
array
math
signal
- MindSpore can use only Huawei-developed Ascend processors for training and inference.
Select one:
True
False
False
- Which of the following technology innovations is not used by MindSpore to bridge the huge gap between industry research and all-scenario AI applications and facilitate inclusive AI?
Select one:
New programming paradigm
New programming language
New way of cooperation
New execution paradigm
New programming language
- Bonus
bonus
- The CPU improves AI performance by adding instruction and cores.
True
False
True
- Which of the following computing resources are included in the Da Vinci architecture?
Select one or more:
Scalar unit
Cube unit
Vector unit
Tensor unit
Cube, Vector, Scalar
- The GPU is good at processing easy-to-parallel programs with intensive computing
Select one:
True
False
True
- There are multiple models of Atlas 800 AI servers. Which of the following are based on the Kunpeng processor platform?
Select one or more:
Atlas 800 (model 3000)
Atlas 800 (model 3010)
Atlas 800 (model 9000)
Atlas 800(model 9000), Atlas 800 (model 3000)
- What are the advantages of the HIAI mobile computing platform?
Select one or more:
Source code enabling quick start
Various tool chains
Comprehensive documents
Different types of APIs
all of the above
- Which of the following functions is provided by Huawei hiai foundation module?
Select one:
Enable services to automatically target and acquire users
Integrate apps
quickly convert and port existing models
Push services based on user requirements
Quickly convert and port existing models
- HiAI Engine opens app capabilities and integrates multiple AI capabilities into apps, making apps smarter and more powerful. What can apps benefit from Huawei HiAI?
Select one or more:
Lower cost
Security
Ready-to-use
Stability
all of the above
- Which of the following scenarios can Enterprise Intelligence( EI) be applied to?
Select one or more:
Smart City
Smart government
Smart manufacturing
Smart finance
all of the above
- Which of the following services belong to the Huawei EI service family?
Select one or more:
Natural language processing
Basic EI services
EI big data services
Conversational bot service (CBS)
all of the above
- Which of the following are correct statements about the product advantages of the ModelArts AI development platform?
Select one or more:
One-stop platform
Flexibility
Easy of use
High performance
All of the above
- Which of the following is not the application of the image recognition service?
Select one:
Scenario analysis
Smart Album
Speech synthesis
Object detection
Speech synthesis
- Which of the following services can be used together with ModelArts to easily deploy models on devices?
Select one
Hilens
ECS
OBS
OCR
HiLens
- Which one doesnt belong to huawei EI Essential Platform?
Select one:
ModelArts
Huawei HiLens
Huawei HiAI
Graph Engine Service (GES)
Huawei HiAI