Hcia Ai
Hcia Ai
Hcia Ai
Update date: 2020-6-23 Update content: Correct some wrong questions, the question bank score range
is 800-900
A. Symbolism
B. Connectionism
C. Behaviorism
Answer: B
Q2. Smart speakers are one of the typical application scenarios for voice processing.
A.True
B.False
Answer: A
A. Control system
B. Speech recognition
C. Computer Vision
A. Zero-based modeling
B. Agile development
C. Quick modeling
Answer: B
A. Custom development
B. Iterative learning
C. Data annotation
D. Automatic learning
Answer: ACD
Q6. Which of the following engines cannot be provided by HUAWEI HiAI Engine?
A. NLU engine
B. CV engine
C. ASR engine
D. DSP engine
Answer: D
Q7. When HiAI Foundation offline model calculation, the offline model is loaded from the file, and the
user’s input
Data (such as pictures) is copied and calculated on HiAI's NPU. When calculating, each inference only
Need to import and export user data from DDR to NPU once.
A.True
B.False
Answer: A
A.True
B.False
Answer: B
A. Object-oriented
B. Open source
C. Simple
D. Explanatory
Answer:ABCD
Q10.
a=1
b=2
c = a if a>b else 0
A.2
B.0
C.None
D.1
Answer: B
A.{{"C",3}:"c"}
B.{{"D":4}:"d"}
C.{[1, 2,3]:"a"}
D.{"b":["B’"]}
Answer: D
Output result: 1 3
C.print (map(lambda x:xx, [1,2,3]))
Output result: 1 4 9
Answer: AD
A.3
B.2
C.2.5
D.1
Answer: C
A.True
B.False
Answer: B
A. Website development
B. Artificial Intelligence
C.APP
D. Data Science
Answer:ABCD
A.print
B.If
C._0a
D.a0*
Answer: AD
Q17. Concurrency refers to the simultaneous execution of multiple tasks, and concurrent operations can
be completed by using multiple processes in Python.
A.True
B.False
Answer: A
Q18. What are the following steps for Python3 operation MySQL database?
C. Install PyMysq1
Q19. Which of the following options describes the relationship between the Poisson distribution and the
binomial distribution correctly?
C. The mathematical models of Poisson distribution and binomial distribution are both Lagrangian
probabilities
Answer: B
Q20. Which of the following options describes the numerical characteristics of random variables
correctly?
B. Variance reflects the degree of deviation between random variables and their mathematical
expectations.
D. The correlation coefficient is used to measure the linear relationship between two variables.
Answer: BCD
A.True
B.False
Answer: A
Q22. Which of the following descriptions of the distribution function, distribution law, and density
function of random variables are incorrect?
B. The density function can only describe the value law of continuous random variables
D. Distribution law can only describe the value law of discrete random variables
Answer: A
B. Carry out singular value decomposition on matrix A, the left singular matrix and right singular matrix
are both orthogonal matrices.
C. After a matrix is multiplied by its eigenvector, the vector only undergoes scaling transformation.
D. The larger the singular value, the greater the amount of information contained in the corresponding
singular vector.
Answer: BD
Q24. Perform singular value decomposition on a matrix. The singular value matrix must be a square
matrix and the singular values are larger
A.True
B.False
Answer: B
Q25. After multiplying a vector by an orthogonal matrix. The matrix only produces expansion and
contraction effects on the vector, without rotation and
A.True
B.False
Answer: B
Q26. The direction of the gradient is the direction of the maximum directional derivative.
A.True
B.False
Answer: A
A. Tensors of order 4 and above, like vectors of 4 dimensions and above, have no direct geometric
meaning
B. Array is a tensor
C. The operation and model optimization process in TensorF1ow are all based on tensors
Answer: DABC
C. JavaScript
D.Extended
Answer:ABCD
Q29. What kind of network layer is the pooling layer generally connected to?
A. Input layer
B. Output layer
C. Convolutional layer
Answer: C
A.True
B.False
Answer: A
A.True
B.False
Answer: B
B. Similarity
Answer: ACD
Q33.TensorFlow is an end-to-end open source platform for machine learning and deep learning.
A.True
B.False
Answer: A
A.True
B.False
Answer: A
Answer: B
Q36. The fully connected layer is generally located in the middle of the entire network to reduce the
amount of parameters.
A.True
B.False
Answer: B
A.True
B.False
Answer: B
Q38. Unbiased estimation in point estimation means that the mathematical expectation of the sampling
distribution of the estimator is equal to the true value of the overall parameter.
A.True
B.False
Answer: A
Q39. Which of the following options are the basis for the decision tree to divide nodes?
A.ID3
B. Gini coefficient
C. Information Entropy
D.CART
Answer: ABCD
Q40. The naive Bayes algorithm does not require independent and identical distribution among sample
features.
A.True
B.False
Answer: B
Q41. The higher the validity of the point estimate, the higher the degree of dispersion of the estimator.
A.True
B.False
Answer: B
A.K-means
B. Spectral clustering
C. Density clustering
D. Hierarchical clustering
Answer: A
Q43. Which of the following activation functions are prone to vanishing gradient problems?
A. ReLU
B. Tanh
C.Softplus
D. Sigmoid
Answer: BCD
Q44. Which of the following descriptions about the convolutional neural network pooling layer is
correct?
D. Commonly used pooling methods include maximum pooling and average pooling
Answer: ABCD
B.Dropout
D. L2, L1 regular
Answer: ABCD
A. Point
B. Line
C. Plane
D. Hyperplane
Answer: A
A. Part of the error is extracted from the error for each parameter iteration
D. At each parameter iteration, a part of the data set is extracted for training
Answer: D
A. Input gate
B. Forgotten Door
C. Memory gate
D. Output gate
Answer: ABD
Q49. In the process of deep learning model training, what are the common optimizers?
A. Momenturm
B. Adagrad
C. SGD
D. Adam
Answer: ABCD
Q50. Which of the following statements about L1 regularization and L2 regularization are correct?
C. After adding the L2 regular term, the gradient descent algorithm cannot be used to iterate the
parameter values
Answer: B
Q51. The Softmax function is often used as the output layer of multi-classification tasks.
A.True
B.False
Answer: A
Q52. The training method used by the recurrent neural network is called back-propagation, or BPTT for
short.
A.True
B.False
Answer: A
C. Backpropagation can be combined with gradient descent algorithm to update network weights
D. Back propagation refers to the back propagation of errors through the network
Answer: B
Q54. What is wrong about the following statement about convolutional neural networks?
B. The convolution kernel cannot be used to extract global features of the picture.
C. When processing the image, the image is convolved by scanning the window.
D. Convolutional neural networks can include convolutional layers, pooling layers and fully connected
layers.
Answer: B
Q55. All convolution kernels of the same convolution layer in the convolutional neural network are
weight-sharing.
A.True
B.False
Answer: A
Q56. Which of the following applications are not part of the adversarial generation network?
A. Text generation
B. Data enhancement
C. Image generation
D. Image recognition
Answer: D
Q57. Recurrent neural network can capture dynamic information in serialized data.
A.True
B.False
Answer: A
A. Algorithm
B. Data
C. Scene
D. Computing power
Answer: ABCD
Q59. The current stage of artificial intelligence is still in the stage of weak artificial intelligence.
A.True
B.False
Answer: A
Q60. Jobs that are highly repetitive and require weak social skills are the jobs most easily replaced by AI.
A.True
B.False
Answer: A
Answer: ABD
Q63. Which of the following statements about iterators and generators are correct?
C. List is an iterator
D. The generator will save the current state
Answer: CD
A. Artificial Intelligence
B.APP
C. Website development
D. Data Science
Answer: ABCD
A.True
B.False
Answer: A
Answer:BC
Q67. Which of the following expressions can match 110 in "My phone number is 110, please find me"?
A.re.match("\d+", str1)
B.re.search("\d+", strl)
C.re.split("\d+", str1)
D.re.match("[0-9]+", str1)
Answer: B
Answer: CD
Q69. Methods that start with a double underscore in Python classes may be private methods.
A.True
B.False
Answer: A
A. If the function has a prescription guide number at a certain point, its directional derivative is unique.
B. The extreme point of the function must be a stationary point
Answer: AD
Q71. The covariance matrix is a symmetric matrix, and the elements on the diagonal are the covariances
that change randomly.
A.True
B.False
Answer: A
A. The larger the standard deviation, the steeper the normal distribution curve.
B. A random variable t that obeys the standard normal distribution, its mean and variance are both 0.
D. The larger the standard deviation, the slower the normal distribution curve.
Answer: A
Q73. Optimization problems can be divided into the following categories according to the constraints?
A. Unconstrained problem
D. Semi-constrained problem
Answer:ABC
A.True
B.False
Answer: A
Q75. The probability of occurrence of a solution with a known cause is usually called conditional
probability or prior probability.
A.True
B.False
Answer: A
A. SGD
B. Adaboost
C. Adadelta
D. Adam
Answer: ACD
A. Adam
B.sigmoid
C. Relu
D.softmax
Answer: BCD
Q78. model. sumnary in Keras (the method used to print the network overview)
A.True
B.False
Answer: A
Q79. Which of the following options are not supported by TensorFlow 2.0?
A.//
B.@
C.^
D.POW
Answer: C
Q80. When creating a network layer, what is the main purpose of adding a dropout layer?
A. Prevent overfitting
C. Act as a classifier
D. Increase nonlinearity
Answer: A
A.1
B.2
C.0.1
D.3
Answer:ABC
Q82. For the products of an automobile company, factory A accounts for 40%, factory B accounts for
60%, the defective product rate of A is 1%, and the defective product of B
The rate is 2%. Now a car is a defective product. What is the probability that A will be produced?
A.0.25
B.0.5
C.0.2
D.0.3
Answer: A
Q83. The Naive Bayes algorithm does not require independent and identical distribution among sample
features.
A.True
B.False
Answer: B
Q84. Which of the following options is not an evaluation indicator for parameter estimation?
A. Consistency
B. Unbiased
C. Adaptive
D. Effectiveness
Answer: C
A. Supervised learning
B. Unsupervised learning
C. Reinforcement learning
D. Semi-supervised learning
Answer: ABCD
Q86. The higher the validity of the point estimation, the higher the degree of dispersion of the
estimated t.
A.True
B.False
Answer: B
Q87. What is wrong about the following statement about recurrent neural network?
Answer: B
Q88. Which of the following are the activation functions of deep learning algorithms?
A. ReLU
B.Sin
C. Tanh
D. Sigmoid
Answer: ACD
Q89. Which of the following steps in deep learning are automatically completed by the model?
A. Model training
B. Feature selection
D. Feature extraction
Answer: AD
Q90. Which statement is wrong about the adversarial generative network?
Answer: C
Q91. Which of the following activation functions can solve the vanishing gradient problem well?
A. Relu
B. Tanh
C. Softsign
D. Sigmoid
Answer: A
A. Decision-making assistance
B. Voice processing
D. Image processing
Answer: ABCD
B. The common feature of SGD, MBGD and momentum optimizer is that each iteration is updated with
the same learning rate
C. There is no connection between the Adam optimizer and the Adagrad optimizer.
D. The learning rate of the momentum optimizer does not need to be manually set
Answer: B
Q94. In the adversarial generative network, where should the labeled data be placed?
Answer: C
A.1956
B.1946
C.1950
D.1959
Answer: A
Q96. In a neural network based on connectionism, each node can express a specific meaning.
A.True
B.False
Answer: A
A. Symbolism
B. Connectionism
C. Behaviorism
Answer: B
B. Scene analysis
C. Target detection
D. Speech synthesis
Answer: D
A. Cloud
B. End
C.API
D. Side
Answer: C
Q100. Which of the following functions does the data management module of modelArts include?
B. Upload data
D. Annotate data
Answer: ABCD
Q101. The sys module is responsible for the interaction between the program and the operating system,
and provides an interface for accessing the bottom layer of the operating system.
A.True
B.False
Answer: B
A.dir()
B.help()
C.del()
D.id()
Answer: B
Q103. Methods that start with double underscores in Python classes may be private methods.
A.True
B.False
Answer: A
A. Local variables
B. Anything
C. Global variables
D. Module variables
Answer: A
D. The strings defined using single, double and triple quotation marks are exactly the same.
Answer: BD
Q106. The role of the decorator is to add new functions to the function without changing any of the
function's properties.
A.True
B.False
Answer: A
B. Array is a tensor
C. Tensors of order 4 and above, like vectors of 4 dimensions and above, have no direct geometric
meaning
D. The operations and model optimization processes in TensorFlow are all based on tensors
Answer: ABD
A.True
B.False
Answer: A
Q109. When a function is at a certain point in the variable space, which direction has the greatest rate of
change?
B. Derivative
C. Gradient
D. Directional derivative
Answer: C
A.dtype
B.ndim
C.device
D.dimens
Answer: B
A.True
B.False
Answer: A
Q112. Which of the following attributes does TensorFlow 2.0 do not support creating tensors?
A.constant
B.create
C.fill
D.zeros
Answer: B
Q113. Why is TensorFlow becoming the mainstream framework for deep learning?
A. Automatic derivative
B. Back-end development
Answer: ABCD
A.2017
B.2018
C. 2019
D.2015
Answer: C
A.True
B.False
Answer: B
Q116. TensorFlow2.0 supports GPU acceleration mainly in the parallel operation of matrix addition,
subtraction, multiplication, and division.
Calculated acceleration.
A.True
B.False
Answer: A
Q117. The three main advantages of Keras interface are user-friendly, modular and combinable, and
easy to expand.
A.True
B.False
Answer: A
Q118. If the accuracy of the model on the training set is very high, but the accuracy on the validation set
is very low. can
B. Dropout method
D. Early stopping
Answer: ABCD
A. Decision tree
B. Linear regression
C. Logistic regression
Answer: A
Answer: D
Q122. In the classic convolutional neural network model, what hidden layer does the softmax function
follow?
A. Convolutional layer
B. Pooling layer
Answer: C
Q123. Which of the following is the offline mode in HiAI?
A. HiAI Service
B.HiAI Foundation
C.HiAI Engine
D.HiAI IDE
Answer: B
Q124. Which service is based on the one-stop deep learning platform service provided by Huawei
Cloud’s powerful high-performance computing?
A large number of optimized neural network algorithm models are built-in to allow users to easily use
deep learning technology.
Live scheduling provides model training, evaluation and prediction in an on-demand service-oriented
manner.
A. ModelArts
B.GES
C.Hilens
D.DLS
Answer: A
Q125. Which of the following is the big data service in Huawei EI?
A.DIS
B.MRS
C.HiAI
D. ModelArts
Answer: B
Q126. Which of the following conditions must be met to run a Python program?
A. Windows system
D. Python interpreter
Answer: DC
A. After the file operation is completed, use the close method to close it.
B. You can use the context manager to open the file for operation.
C. In r mode, you can use the write method to write data to the file.
Answer: B
A. The two object usage judgment results generated by shallow copy and deep copy are both True
B. The two objects of shallow copy use is to judge the result as True
D. The two objects of deep copy use is to judge the result as Irue
Answer: AB
Q129.
i=8
while i>0:
i -= 1
if i == 6:
continue
print (i)
if i == 2:
break
A.
B.
7
C.
D.
Answer: C
A.True
B.False
Answer: B
Q131. What methods are not included in the built-in metrics of tf. keras. metrics?
A. Accuracy
B. Recall
C.mean
D.Sum
Answer: D
A. Drawing images
D. Data analysis
Answer: A
Q133. When creating a network, another convolutional layer cannot be directly connected after the
convolutional layer.
A.True
B.False
Answer: B
Q134. Which of the following options belong to the estimator package method under keras?
A. Training
B. Export
C. Evaluation
D. Forecast
Answer: ABCD
Q135. K-fold cross-validation refers to dividing the test data set into K sub-data sets.
A.True
B.False
Answer: A
Answer: C
Answer: B
Q138. What are the commonly used loss functions in deep learning?
B. L1 loss function
Answer: ABD
Q139. Artificial intelligence is the research and development of theories, methods and applications for
simulating, extending and expanding human intelligence.
A.True
B.False
Answer: A
A. Provides an acceleration API that has nothing to do with processor hardware. Application vendors and
developers can
B. Provide commonly used artificial intelligence business function API, which can run efficiently on
mobile devices.
C. Supports basic operator calculation interfaces, but does not include interfaces such as convolution,
pooling, and full connection.
D. Support AI model management interfaces such as model compilation, model loading, model running,
and model destruction.
Answer: A
Q141. What is the operation that will not change the data after the following transformation?
A.list (set(list))
B.int (float)
C.str(int)
D.list(tuple(list))
Answer: DC
Answer: C
A.True
B.False
Answer: A
Q144. Which of the following evaluation indicators belong to the regression algorithm?
A. Recall rate
B. Accuracy
C. Confusion matrix
Answer: D
Q145. Which of the following options are the basis for the decision tree to divide nodes?
A.ID3
B. Information Entropy
C.CART
D. Gini coefficient
Answer: ABCD
A. There is no connection between neurons in the same layer of the feedforward neural network
B. As the number of hidden layers of the neural network increases, the classification ability of the model
gradually weakens
D. The limitation of a single-layer perceptron is that it cannot solve the XOR problem
Answer:BC
Q147. The data annotation function in ModelArts only supports the modification of a single image tag,
and does not support batch modification.
A.True
B.False
Answer: B
Q148. Which of the following is the big data service in Huawei EI?
A. MRS
B. ModelArts
C.DIS
D.HiAI
Answer: AC
If -1:
a=True+1
b=False+True
else:
a=True-False
b=False+I
print(a,b)
A.True
B.False
C.2 1
D.1 1
Answer: C
Q150. Which of the following options does not support TensorFlow2.0 for dimension transformation is
the attribute.
A.squeeze
B.transpose
C.gathed
D.reshape
Answer: ABD
Q151. The methods that can be used to check whether it is a tensor in TensorFlow 2.0 are:
A.dtype
B.is_ tensor
C.isinst ance
D.device
Answer:BC
A.Vector
B.Tensor
C.Scalar
D.Matrix
Answer: ABCD
C. Deep learning and machine learning are both artificial intelligence but have no relationship with each
other
Answer: A