Search test library by skills or roles
⌘ K

About the test:

ディープラーニング前の雇用テストは、アクティベーション関数、バックプロパゲーション、RNNSおよびCNNS、学習率、ドロップアウト、バッチ正規化、データ処理パイプライン、多層パーセプトロン、データ正規化などのコアディープラーニング概念についての候補者の理解を評価します。このテストでは、コンピュータービジョン、画像認識、オブジェクト検出、テキスト分類などのユースケースにディープラーニングアルゴリズムを適用する能力にも焦点を当てています。

Covered skills:

  • ニューラルネットワーク
  • コスト関数とアクティベーション関数
  • ニューラルネットワーク
  • 再発性ニューラルネットワーク
  • 自然言語処理
  • 転送学習
  • 最適化アルゴリズム
  • データの正規化
  • 誤差逆伝播法
  • 畳み込みニューラルネットワーク
  • 生成的敵対ネットワーク
  • コンピュータビジョン
  • 自動エンコーダー

Try practice test
9 reasons why
9 reasons why

Adaface Deep Learning Test is the most accurate way to shortlist データサイエンティストs



Reason #1

Tests for on-the-job skills

The Deep Learning Online Test helps recruiters and hiring managers identify qualified candidates from a pool of resumes, and helps in taking objective hiring decisions. It reduces the administrative overhead of interviewing too many candidates and saves time by filtering out unqualified candidates at the first step of the hiring process.

The test screens for the following skills that hiring managers look for in candidates:

  • ニューラルネットワークの理解と実装
  • データ正規化手法の適用
  • 適切なコスト関数とアクティベーション関数の選択
  • BackPropagationアルゴリズムの実装
  • 畳み込みニューラルネットワークの設計と評価
  • 再発性ニューラルネットワークの開発
  • 生成的敵対ネットワークの作成
  • 自然言語処理技術の適用
  • コンピュータービジョンアルゴリズムの実装
  • 転送学習の理解と実装
  • 自動エンコーダーの開発
  • 最適化アルゴリズムを使用して、ディープラーニングモデルを最適化します
Reason #2

No trick questions

no trick questions

Traditional assessment tools use trick questions and puzzles for the screening, which creates a lot of frustration among candidates about having to go through irrelevant screening assessments.

View sample questions

The main reason we started Adaface is that traditional pre-employment assessment platforms are not a fair way for companies to evaluate candidates. At Adaface, our mission is to help companies find great candidates by assessing on-the-job skills required for a role.

Why we started Adaface
Try practice test
Reason #3

Non-googleable questions

We have a very high focus on the quality of questions that test for on-the-job skills. Every question is non-googleable and we have a very high bar for the level of subject matter experts we onboard to create these questions. We have crawlers to check if any of the questions are leaked online. If/ when a question gets leaked, we get an alert. We change the question for you & let you know.

How we design questions

これらは、10,000以上の質問のライブラリからのわずかなサンプルです。これに関する実際の質問 ディープラーニングテスト グーグルできません.

🧐 Question

Medium

Changed decision boundary
Try practice test
We have trained a model on a linearly separable training set to classify the data points into 2 sets (binary classification). Our intern recently labelled some new data points which are all correctly classified by the model. All of the new data points lie far away from the decision boundary. We added these new data points and re-trained our model- our decision boundary changed. Which of these models do you think we could be working with?
The 2 data sources use SQL Server and have a 3-character CompanyCode column. Both data sources contain an ORDER BY clause to sort the data by CompanyCode in ascending order. 

Teylor wants to make sure that the Merge Join transformation works without additional transformations. What would you recommend?
A: Perceptron
B: SVM
C: Logistic regression
D: Guassion discriminant analysis

Medium

CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization
Try practice test
You are fine-tuning a Convolutional Neural Network (CNN) for image classification. The network architecture is as follows:
 image
The model is trained using the following parameters:

- Batch size: 64
- Learning rate: 0.001
- Optimizer: Adam
- Loss function: Categorical cross-entropy

After several training epochs, you observe that the training accuracy is high, but the validation accuracy plateaus and is significantly lower. This suggests possible overfitting. Which of the following adjustments would most effectively mitigate this issue without overly compromising the model's performance?
A: Increase the batch size to 128
B: Add dropout layers with a dropout rate of 0.5 after each MaxPooling2D layer
C: Replace Adam optimizer with SGD (Stochastic Gradient Descent)
D: Decrease the number of filters in each Conv2D layer by half
E: Increase the learning rate to 0.01
F: Reduce the size of the Dense layer to 64 units

Medium

CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets
Try practice test
You are fine-tuning a Convolutional Neural Network (CNN) for an image classification task where the dataset is highly imbalanced. The majority class comprises 70% of the data. The initial model setup and subsequent experiments yield the following observations:

**Initial Setup:**

- CNN architecture: 6 convolutional layers with increasing filter sizes, followed by 2 fully connected layers.
- Activation function: ReLU
- No class-weighting or data augmentation.
- Results: High overall accuracy, but poor precision and recall for minority classes.

**Experiment 1:**

- Changes: Implement class-weighting to penalize mistakes on minority classes more heavily.
- Results: Improved precision and recall for minority classes, but overall accuracy slightly decreased.

**Experiment 2:**

- Changes: Add dropout layers with a rate of 0.5 after each convolutional layer.
- Results: Overall accuracy decreased, and no significant change in precision and recall for minority classes.

Given these outcomes, what is the most effective strategy to further improve the model's performance specifically for the minority classes without compromising the overall accuracy?
A: Increase the dropout rate to 0.7
B: Further fine-tune class-weighting parameters
C: Increase the number of filters in the convolutional layers
D: Add batch normalization layers after each convolutional layer
E: Use a different activation function like LeakyReLU
F: Implement more aggressive data augmentation on the minority class

Easy

Gradient descent optimization
Gradient Descent
Try practice test
You are working on a regression problem using a simple neural network. You want to optimize the model's weights using gradient descent with different learning rate schedules. Consider the following pseudo code for training the neural network:
 image
Which of the following learning rate schedules would most likely result in the fastest convergence without overshooting the optimal weights?

A: Constant learning rate of 0.01
B: Exponential decay with initial learning rate of 0.1 and decay rate of 0.99
C: Exponential decay with initial learning rate of 0.01 and decay rate of 0.99
D: Step decay with initial learning rate of 0.1 and decay rate of 0.5 every 100 epochs
E: Step decay with initial learning rate of 0.01 and decay rate of 0.5 every 100 epochs
F: Constant learning rate of 0.1

Medium

Less complex decision tree model
Model Complexity
Overfitting
Try practice test
You are given a dataset to solve a classification problem using a decision tree algorithm. You are concerned about overfitting and decide to implement pruning to control the model's complexity. Consider the following pseudo code for creating the decision tree model:
 image
Which of the following combinations of parameters would result in a less complex decision tree model, reducing the risk of overfitting?

A: max_depth=5, min_samples_split=2, min_samples_leaf=1
B: max_depth=None, min_samples_split=5, min_samples_leaf=5
C: max_depth=3, min_samples_split=2, min_samples_leaf=1
D: max_depth=None, min_samples_split=2, min_samples_leaf=1
E: max_depth=3, min_samples_split=10, min_samples_leaf=10
F; max_depth=5, min_samples_split=5, min_samples_leaf=5

Easy

n-gram generator
Try practice test
Our newest machine learning developer want to write a function to calculate the n-gram of any text. An N-gram means a sequence of N words. So for example, "black cats" is a 2-gram, "saw black cats" is a 3-gram etc. The 2-gram of the sentence "the big bad wolf fell down" would be [["the", "big"], ["big", "bad"], ["bad", "wolf"], ["wolf", "fell"], ["fell", "down"]]. Can you help them select the correct function for the same?
 image

Easy

Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering
Try practice test
You are tasked with building a recommendation system for a newly launched e-commerce website. Given that the website is new, there is not much user interaction data available. Also, the items in the catalog have rich descriptions. Based on these requirements, which type of recommendation system approach would be the most suitable for this task?

Easy

Sensitivity and Specificity
Confusion Matrix
Model Evaluation
Try practice test
You have trained a supervised learning model to classify customer reviews as either "positive" or "negative" based on a dataset with 10,000 samples and 35 features, including the review text, reviewer's name, and rating. The dataset is split into a 7,000-sample training set and a 3,000-sample test set.

After training the model, you evaluate its performance using a confusion matrix on the test set, which shows the following results:
 image
Based on the confusion matrix, what are the sensitivity and specificity of the model?
🧐 Question🔧 Skill

Medium

Changed decision boundary

2 mins

Deep Learning
Try practice test

Medium

CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization

3 mins

Deep Learning
Try practice test

Medium

CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets

3 mins

Deep Learning
Try practice test

Easy

Gradient descent optimization
Gradient Descent

2 mins

Machine Learning
Try practice test

Medium

Less complex decision tree model
Model Complexity
Overfitting

2 mins

Machine Learning
Try practice test

Easy

n-gram generator

2 mins

Machine Learning
Try practice test

Easy

Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering

2 mins

Machine Learning
Try practice test

Easy

Sensitivity and Specificity
Confusion Matrix
Model Evaluation

2 mins

Machine Learning
Try practice test
🧐 Question🔧 Skill💪 Difficulty⌛ Time
Changed decision boundary
Deep Learning
Medium2 mins
Try practice test
CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization
Deep Learning
Medium3 mins
Try practice test
CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets
Deep Learning
Medium3 mins
Try practice test
Gradient descent optimization
Gradient Descent
Machine Learning
Easy2 mins
Try practice test
Less complex decision tree model
Model Complexity
Overfitting
Machine Learning
Medium2 mins
Try practice test
n-gram generator
Machine Learning
Easy2 mins
Try practice test
Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering
Machine Learning
Easy2 mins
Try practice test
Sensitivity and Specificity
Confusion Matrix
Model Evaluation
Machine Learning
Easy2 mins
Try practice test
Reason #4

1200+ customers in 75 countries

customers in 75 countries
Brandon

Adaface を使用することで、最初の選考プロセスを 75% 以上最適化することができ、採用担当マネージャーと人材獲得チームの両方にとって貴重な時間を同様に解放することができました。


Brandon Lee, 人々の責任者, Love, Bonito

Try practice test
Reason #5

Designed for elimination, not selection

The most important thing while implementing the pre-employment ディープラーニングテスト in your hiring process is that it is an elimination tool, not a selection tool. In other words: you want to use the test to eliminate the candidates who do poorly on the test, not to select the candidates who come out at the top. While they are super valuable, pre-employment tests do not paint the entire picture of a candidate’s abilities, knowledge, and motivations. Multiple easy questions are more predictive of a candidate's ability than fewer hard questions. Harder questions are often "trick" based questions, which do not provide any meaningful signal about the candidate's skillset.

Science behind Adaface tests
Reason #6

1 click candidate invites

Email invites: You can send candidates an email invite to the ディープラーニングテスト from your dashboard by entering their email address.

Public link: You can create a public link for each test that you can share with candidates.

API or integrations: You can invite candidates directly from your ATS by using our pre-built integrations with popular ATS systems or building a custom integration with your in-house ATS.

invite candidates
Reason #7

Detailed scorecards & benchmarks

Reason #7

Detailed scorecards & benchmarks

Along with scorecards that report the performance of the candidate in detail, you also receive a comparative analysis against the company average and industry standards.

View sample scorecard
Try practice test
Reason #8

High completion rate

Adaface tests are conversational, low-stress, and take just 25-40 mins to complete.

This is why Adaface has the highest test-completion rate (86%), which is more than 2x better than traditional assessments.

test completion rate
Reason #9

Advanced Proctoring


Learn more

About the Deep Learning Assessment Test

Why you should use Pre-employment Deep Learning Online Test?

The ディープラーニングテスト makes use of scenario-based questions to test for on-the-job skills as opposed to theoretical knowledge, ensuring that candidates who do well on this screening test have the relavant skills. The questions are designed to covered following on-the-job aspects:

  • ニューラルネットワークを構築およびトレーニングする能力
  • データの正規化手法の理解
  • さまざまなコスト関数とアクティベーション関数の知識
  • Backpropagationの実装に習熟
  • 畳み込みニューラルネットワークを設計および最適化する能力
  • 再発性ニューラルネットワークとそのアプリケーションに精通しています
  • 生成的な敵対的なネットワークとそのコンポーネントの理解
  • 自然言語処理技術の知識
  • コンピュータービジョンアルゴリズムと手法の習熟度
  • ディープラーニングモデルに転送学習を適用する能力

Once the test is sent to a candidate, the candidate receives a link in email to take the test. For each candidate, you will receive a detailed report with skills breakdown and benchmarks to shortlist the top candidates from your pool.

What topics are covered in the Deep Learning Online Test?

  • ニューラルネットワーク

    ニューラルネットワークは、生物学的ニューラルネットワークに触発された計算モデルです。それらは、加重入力を使用して情報を処理および送信する相互接続ノードまたは人工ニューロンの層で構成されています。このテストでは、深い学習における基本的な概念の理解を評価するために測定されます。

  • データ正規化

    データ正規化は、データ値の範囲を標準化するために使用される手法です。通常、0〜1の間で一貫したスケールを持つようにデータを変換することを伴います。このスキルは、このテストでデータを効果的に処理する能力を評価するために測定されます。これは、正確なニューラルネットワークをトレーニングするために重要です。関数と活性化関数</h4> <p>コスト関数は、学習プロセスを導き、ニューラルネットワークの予測値と実際の値の違いを測定するために使用されます。活性化関数は、ニューラルネットワーク内の各ニューロンの出力に非線形性を導入し、複雑な計算を可能にします。このスキルは、このテストで測定され、さまざまなタスクの適切なコストとアクティベーション関数を選択する知識を評価します。損失に関するネットワークのパラメーターの勾配を計算し、以前のレイヤーでの重みの調整を可能にします。このスキルは、このテストで測定され、勾配が効率的な学習のためにニューラルネットワークを介して後方に伝播する方法の理解を評価します。画像などの構造化グリッドデータを処理するために特別に設計されたモデル。それらは、フィルターが入力データからローカルパターンをスキャンおよび抽出する畳み込みのアイデアに基づいて構築されています。このスキルは、CNNアーキテクチャの知識とコンピュータービジョンタスクにおけるそのアプリケーションを評価するためにこのテストで測定されます。

  • 再発性ニューラルネットワーク

    再発性ニューラルネットワーク(RNNS)は、処理するニューラルネットワークですテキストや時系列などの可変長さのシーケンシャルデータ。彼らは、ネットワーク全体に情報を持続できるフィードバック接続を持っています。このスキルは、RNNSの理解とシーケンシャルパターンをモデル化する能力の理解を評価するためにこのテストで測定されます。

  • 生成敵対的ネットワーク

    生成逆境ネットワーク(GAN)は2つのニューラルネットワークで構成されています。ジェネレーターと識別器。それらは、発電機が実際のデータと区別できない合成データを作成することを目的としている競争プロセスで一緒にトレーニングされています。このスキルは、GANアーキテクチャの知識と現実的なデータの生成におけるそのアプリケーションを評価するためにこのテストで測定されます。人間言語。音声認識、テキスト分類、機械翻訳などのタスクが含まれます。このスキルは、このテストで測定され、NLP技術の理解とさまざまな言語関連のタスクでのアプリケーションを評価します。

  • コンピュータービジョン

    画像やビデオからの視覚情報を解釈すること。オブジェクトの検出、画像認識、画像セグメンテーションなどのタスクが含まれます。このスキルは、このテストで測定されて、コンピュータービジョンアルゴリズムの知識と視覚的知覚の問題を解決する際のアプリケーションを評価します。別のタスクのパフォーマンスを改善する1つのタスク。以前のタスクから得られた知識を活用することにより、転送学習はトレーニングデータの量と必要な時間を大幅に短縮できます。このスキルは、このテストで測定されて、学習機能をあるドメインから別のドメインに転送することの理解を評価します。

  • Full list of covered topics

    The actual topics of the questions in the final test will depend on your job description and requirements. However, here's a list of topics you can expect the questions for ディープラーニングテスト to be based on.

    ニューロン
    勾配降下
    フィードフォワードニューラルネットワーク
    バイアス
    アクティベーション機能
    重量の初期化
    オーバーフィッティング
    正則化
    損失関数
    学習率
    バッチ正規化
    ドロップアウト
    畳み込み層
    プーリング
    再発性ニューラルネットワーク
    LSTM
    ガン
    言語モデリング
    単語埋め込み
    CNNアーキテクチャ
    画像分類
    オブジェクトの検出
    画像セグメンテーション
    RNNアーキテクチャ
    音声認識
    感情分析
    強化学習
    テキスト生成
    最適化アルゴリズム
    Adam Optimizer
    確率的勾配降下
    学習率の減衰
    学習技術を転送します
    前処理されたモデル
    自動エンコーダーアーキテクチャ
    次元削減
    エンコーダデコーダー
    ハイパーパラメーターチューニング
    データ増強
    正規化された自動エンコーダー
    ノイズインジェクション
    勾配の問題を消滅させます
    生成モデル
    Ganトレーニング
    画像生成
    敵対的な攻撃
    CNN解釈可能性
    注意メカニズム
    自然言語の理解
    視覚的な質問応答
    画像キャプション
    トランス
    バート
    深い強化学習
    ポリシーグラジエント
    価値の反復
    Qラーニング
    異常検出のための自動エンコーダー
    人工ニューラルネットワーク
Try practice test

What roles can I use the Deep Learning Online Test for?

  • データサイエンティスト
  • 機械学習エンジニア
  • 人工知能研究者
  • ディープラーニングエンジニア
  • データアナリスト
  • コンピュータービジョンエンジニア
  • 自然言語加工エンジニア
  • AIコンサルタント
  • 人工知能の役割
  • 研究科学者

How is the Deep Learning Online Test customized for senior candidates?

For intermediate/ experienced candidates, we customize the assessment questions to include advanced topics and increase the difficulty level of the questions. This might include adding questions on topics like

  • 自動エンコーダーとそのアプリケーションの知識
  • ニューラルネットワークの最適化アルゴリズムの習熟
  • 勾配降下とそのバリアントを実装する能力
  • 確率的勾配降下とそのバリアントの理解
  • 学習率のスケジューリング手法の知識
  • ニューラルネットワークのバッチ正規化の習熟度
  • モデルにドロップアウトの正規化を実装する能力
  • 重量の初期化戦略の理解
  • ニューラルネットワークのトレーニングの早期停止に関する知識
  • モデルの評価と検証手法の習熟度
Singapore government logo

採用担当者は、パネル面接中に尋ねる専門的な質問を通じて、どの候補者がより良いスコアを持っているかを判断し、スコアが低い候補者と区別できると感じました。彼らです 非常に満足 Adaface のスクリーニングで最終候補者リストに選ばれた候補者の質を重視します。


85%
スクリーニング時間の短縮

Deep Learning Hiring Test よくある質問

複数のスキルを1つのカスタム評価に組み合わせることはできますか?

そのとおり。カスタム評価は、職務内容に基づいて設定され、指定したすべての必須スキルに関する質問が含まれます。

アンチチートまたは監督の機能はありますか?

次のアンチチート機能があります。

  • グーグル不可能な質問
  • IP監督
  • Webの提案
  • ウェブカメラの監督
  • 盗作の検出
  • 安全なブラウザ

[プロクチャリング機能](https://www.adaface.com/proctoring)の詳細をご覧ください。

テストスコアを解釈するにはどうすればよいですか?

留意すべき主なことは、評価が選択ツールではなく排除ツールであることです。スキル評価が最適化され、技術的にその役割の資格がない候補者を排除するのに役立ちます。これは、役割の最良の候補者を見つけるのに役立つために最適化されていません。したがって、評価を使用する理想的な方法は、しきい値スコア(通常は55%、ベンチマークを支援します)を決定し、インタビューの次のラウンドのしきい値を超えてスコアを上回るすべての候補者を招待することです。

このテストを使用できますか?

各ADAFACE評価は、職務記述書/理想的な候補者のペルソナにカスタマイズされます(当社の主題の専門家は、10000以上の質問のライブラリからあなたの評価に適切な質問を選択します)。この評価は、あらゆる経験レベルでカスタマイズできます。

すべての候補者は同じ質問を受け取りますか?

私は候補者です。練習テストを試すことはできますか?

いいえ。残念ながら、現時点では練習テストをサポートしていません。ただし、[サンプルの質問](https://www.adaface.com/questions)を使用するには、練習できます。

このテストを使用するコストはいくらですか?

無料トライアルを受けることはできますか?

私はちょうど有料プランに移りました。カスタム評価をリクエストするにはどうすればよいですか?

customers across world
Join 1200+ companies in 75+ countries.
今日、最も候補者のフレンドリーなスキル評価ツールをお試しください。
g2 badges
Ready to use the Adaface ディープラーニングテスト?
Ready to use the Adaface ディープラーニングテスト?
私たちとしゃべる
条項 プライバシー トラストガイド

🌎言語を選んでください

English Norsk Dansk Deutsche Nederlands Svenska Français Español Chinese (简体中文) Italiano Japanese (日本語) Polskie Português Russian (русский)
ada
Ada
● Online
✖️