Git Product home page Git Product logo

aichallenger / ai_challenger_2018 Goto Github PK

View Code? Open in Web Editor NEW
678.0 36.0 282.0 52.7 MB

AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world. https://challenger.ai/

Python 54.79% Shell 0.07% OpenEdge ABL 44.68% Smalltalk 0.01% Emacs Lisp 0.11% JavaScript 0.01% NewLisp 0.01% Perl 0.30% Ruby 0.01% Slash 0.01% SystemVerilog 0.01% Dockerfile 0.01%

ai_challenger_2018's Introduction

AI_Challenger_2018

AI Challenger is a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world. To participate, please visit https://challenger.ai/.

Evaluation

Evaluation scripts for AI Challenger competitions are included. Scripts for each competition track are provided in separate folders, respectively.

Baselines

We also provide baseline model for some of the competition tracks. Please keep in mind that these are just baselines, and they are only meant to help you get started. You should expect only modest result unless serious improvement is made to the models.

Good luck!

ai_challenger_2018's People

Contributors

aichallenger avatar zhhezhhe avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

ai_challenger_2018's Issues

How can I run the code on GPU?

I ran the train_CNN.py and set CUDA_VISIBLE DEVICES, but it still did not run on GPU. In my understanding, keras with tensorflow backend can use GPU automatically.

农业病虫害数据集中有些在json文件中给的标签的文件名却并没有相应的图片

在测试baseline的过程中,发现对应的问价并不存在,就试着找到一些如下:
能否给出更“清洁的”数据,并对训练验证用图片文件有比较清晰的命名或者编号?
../AgriculturalDisease_validationset/images/d879aaf6-d557-4607-b7a0-ecbb3761f152___RS_LB 4723.JPG doesn't exists!
../AgriculturalDisease_validationset/images/d93424d7-a8db-4cff-b534-2f47930950fa___RS_HL 1745.JPG doesn't exists!
../AgriculturalDisease_validationset/images/e777c06477039578fa0cfbf750f6a4a8.jpg doesn't exists!
../AgriculturalDisease_validationset/images/ff20152d-baf7-45bd-a1a1-a5f52f389275___UF.GRC_YLCV_Lab 01917.JPG doesn't exists!
../AgriculturalDisease_validationset/images/IMG_20180623_182710.jpg doesn't exists!
../AgriculturalDisease_validationset/images/ff158c0ad13534e1302a71bb5b54978a.jpg doesn't exists!
../AgriculturalDisease_validationset/images/fff1d02879899b8f3749a5573270208b.jpg doesn't exists!
../AgriculturalDisease_validationset/images/debf892cc124358c66df432bea6b7fbf.jpg doesn't exists!
../AgriculturalDisease_validationset/images/daef3f32df6f0503ab9d69737d82d26a.jpg doesn't exists!
../AgriculturalDisease_validationset/images/f9e4b1bc-36b0-40df-bb48-4e6ed48ec8b5___FREC_Scab 3514.JPG doesn't exists!
../AgriculturalDisease_validationset/images/d83de01988eb2f409f3785ee5f8d199b.jpg doesn't exists!
../AgriculturalDisease_validationset/images/e250d8157695486a23e5304d568ee160.jpg doesn't exists!
../AgriculturalDisease_validationset/images/f538eae64c334b8b6468f94e025a9722.jpg doesn't exists!
../AgriculturalDisease_validationset/images/fd8d4072-e0b3-4936-95c2-e2d6dc6d22b0___FREC_Pwd.M 0250.JPG doesn't exists!
../AgriculturalDisease_validationset/images/df5d63fb-d270-459b-9798-ad680374ad1a___UF.Citrus_HLB_Lab 1668.JPG doesn't exists!
../AgriculturalDisease_validationset/images/f42f177ddf65171277fcf4773da0a909.jpg doesn't exists!
../AgriculturalDisease_validationset/images/f8fdd1396856e03c9a9a979cfd0097d6.jpg doesn't exists!
../AgriculturalDisease_validationset/images/f3a192cdcf04db4a7783262bc24b7b81.jpg doesn't exists!
../AgriculturalDisease_validationset/images/IMG_20180623_190102.jpg doesn't exists!
../AgriculturalDisease_validationset/images/f021c403-3d7b-4369-a928-531ca45c3b08___RS_HL 9682.JPG doesn't exists!

BDD100K 提交 drivable id 零分

各位大佬, 有遇到官网提交 drivable area 和 alternative area 零分的情况吗。用了测试脚本mIOU还可以,但交上去就不对,显示零分。
测试脚本可以提供一张 train 图在ref的 案例吗,一直显示零分都不敢交了。。。

weather_forecasting2018_eval.py

parser.add_argument(
    '--ref',
    type=str,
    default='./ans.csv',                      -----------------     ‘./obs.csv’
    help="""
            Path to reference file
        """
)

parser.add_argument(
    '--anen',
    type=str,
    default='./ans.csv',                      -----------------      './anen.csv'
    help="""
                Path to anen file
            """
)
态度要端正

when use python train_CNN.py Animals True 0.05, ValueError: Error when checking target: expected reshape_2

File "train_CNN.py", line 132, in main
callbacks=[checkpointer])
File "/home/ubuntu/anaconda2/envs/py36/lib/python3.6/site-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
File "/home/ubuntu/anaconda2/envs/py36/lib/python3.6/site-packages/keras/engine/training.py", line 2224, in fit_generator
class_weight=class_weight)
File "/home/ubuntu/anaconda2/envs/py36/lib/python3.6/site-packages/keras/engine/training.py", line 1877, in train_on_batch
class_weight=class_weight)
File "/home/ubuntu/anaconda2/envs/py36/lib/python3.6/site-packages/keras/engine/training.py", line 1480, in _standardize_user_data
exception_prefix='target')
File "/home/ubuntu/anaconda2/envs/py36/lib/python3.6/site-packages/keras/engine/training.py", line 123, in _standardize_input_data
str(data_shape))
ValueError: Error when checking target: expected reshape_2 to have shape (40,) but got array with shape (17,)

Unable to run train.py because missing files [object detection baseline (for BDD100k 2018)]

I have been trying to follow the tutorial in order to replicate the baseline model. I have converted the data to tfRecord format by using the old label format since the code doesn't work for the new label format. I have also downloaded the "faster_rcnn_resnet50_coco_2018_01_28" model from model zoo. Now I know I have to run the following line for training:

python train.py --logtostderr --train_dir path/to/train_dir --model_config_path path/to/model_config.pbtxt --train_config_path path/to/train_config.pbtxt --input_config_path path/to/train_input_config.pbtxt

Problem is that model_config.pbtxt, train_config.pbtxt and train_input_config.pbtxt files are not present in either this repository or the model file downloaded. How am I supposed to get these files?

运行评论情感分析demo报错

2018-10-24 07:58:03,091 [INFO] (MainThread) start load data
2018-10-24 07:58:04,746 [INFO] (MainThread) start seg train data
Building prefix dict from the default dictionary ...
2018-10-24 07:58:04,747 [DEBUG] (MainThread) Building prefix dict from the default dictionary ...
Loading model from cache c:\users\user\appdata\local\temp\jieba.cache
2018-10-24 07:58:04,750 [DEBUG] (MainThread) Loading model from cache c:\users\user\appdata\local\temp\jieba.cache
Loading model cost 0.344 seconds.
2018-10-24 07:58:05,092 [DEBUG] (MainThread) Loading model cost 0.344 seconds.
Prefix dict has been built succesfully.
2018-10-24 07:58:05,092 [DEBUG] (MainThread) Prefix dict has been built succesfully.
2018-10-24 08:02:45,384 [INFO] (MainThread) complete seg train data
2018-10-24 08:02:45,384 [INFO] (MainThread) start train feature extraction
Traceback (most recent call last):
File "D:/work/SentimentanalysisCore-master/Baselines/main_train.py", line 52, in
vectorizer_tfidf.fit(content_train)
File "C:\Python27\lib\site-packages\sklearn\feature_extraction\text.py", line 1562, in fit
X = super(TfidfVectorizer, self).fit_transform(raw_documents)
File "C:\Python27\lib\site-packages\sklearn\feature_extraction\text.py", line 1012, in fit_transform
self.fixed_vocabulary_)
File "C:\Python27\lib\site-packages\sklearn\feature_extraction\text.py", line 934, in _count_vocab
values.extend(feature_counter.values())
MemoryError

About the testa dataset of OpinionQuestions_machine_reading_comprehension2018_baseline

"query_id": 289334, "alternatives": "不能|无法确定"
"query_id": 289730, "alternatives": "无法确定"

其中query_id为 289334和289730的问题候选答案不是三个,这样在inference的时候会报错,所以我自己给添加了,如下:
289334, "alternatives": "能|不能|无法确定"
289730, "alternatives": "打折|不打折|无法确定"
可以吗?

训练无人驾驶detection的baselines,遇到这个问题?

Traceback (most recent call last):
File "train.py", line 186, in
tf.app.run()
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/platform/app.py", line 125, in run
_sys.exit(main(argv))
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/util/deprecation.py", line 272, in new_func
return func(*args, **kwargs)
File "train.py", line 182, in main
graph_hook_fn=graph_rewriter_fn)
File "/usr/local/lib/python3.5/dist-packages/object_detection-0.1-py3.5.egg/object_detection/legacy/trainer.py", line 396, in train
include_global_step=False))
File "/usr/local/lib/python3.5/dist-packages/object_detection-0.1-py3.5.egg/object_detection/utils/variables_helper.py", line 126, in get_variables_available_in_checkpoi
nt ckpt_reader = tf.train.NewCheckpointReader(checkpoint_path)
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 306, in NewCheckpointReader
return CheckpointReader(compat.as_bytes(filepattern), status)
File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/errors_impl.py", line 519, in exit
c_api.TF_GetCode(self.status.status))
tensorflow.python.framework.errors_impl.DataLossError: not an sstable (bad magic number)

Where to get test labels for testing accuracy?

Since the WAD2018 challenge has ended the submission server on Berkeley's portal is closed. While testing images are available, there annotated versions are missing. Can the test labels be provided here or is there any other server which can be used for the purpose of evaluating a trained model on the BDD100k test data?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.